Week 8: Object Detection

预备知识:

  • 会使用pytorch搭建简单的cnn
  • 熟悉神经网络的训练过程与优化方法
  • 结合理论课的内容,了解目标检测的几种经典算法(如Faster RCNN/YOLO/SSD)的内容和原理

声明:

  • 本次实验课的代码来源于github上的一个开源项目,链接为:https://github.com/sgrvinod/a-PyTorch-Tutorial-to-Object-Detection#training
  • 在该项目的基础上,为了便于同学们更好地去理解代码,我们在此基础上对代码做了略微的修改
  • 由于目标检测任务整个代码逻辑比较复杂,需要理解的细节非常多,因此在本次实验课内容设计过程中我们有幸邀请到了李伟鹏同学,他全程参与了课件的制作过程。

网络结构

SSD采用VGG16作为基础模型,然后在VGG16的基础上新增了卷积层来获得更多的特征图以用于检测。SSD的网络结构如图所示。 采用VGG16做基础模型,分别将VGG16的全连接层fc6和fc7转换成 $3\times3$ 卷积层 conv6和 $1\times1$ 卷积层conv7,同时将池化层pool5由原来的stride=2的 $2\times 2$ 变成stride=1的 $3\times 3$ (猜想是不想reduce特征图大小),为了配合这种变化,采用了一种Atrous Algorithm,其实就是conv6采用扩展卷积或带孔卷积(Dilation Conv),然后移除dropout层和fc8层,并新增一系列卷积层,在检测数据集上做finetuing。
其中VGG16中的Conv4_3层将作为用于检测的第一个特征图。conv4_3层特征图大小是 $38\times38$ ,但是该层比较靠前,其norm较大,所以在其后面增加了一个L2 Normalization层.

先验框

SSD借鉴了Faster R-CNN中anchor的理念,每个单元设置尺度或者长宽比不同的先验框,预测的边界框(bounding boxes)是以这些先验框为基准的,在一定程度上减少训练难度。一般情况下,每个单元会设置多个先验框,其尺度和长宽比存在差异,如图所示,可以看到每个单元使用了4个不同的先验框,图片中猫和狗分别采用最适合它们形状的先验框来进行训练。

Dataset

目标检测任务的数据集的构成形式与之前学习的分类任务有很大的区别,传统的分类问题的的dataset里面大致包含
[image,label],
由于目标检测既要做检测框的回归任务又要做检测框内物体的分割任务,因此数据集的构成形式大致如下
[{'boxes':[[ground_truth坐标1],[ground_truth坐标2],...]},{'labels':[ground_truth标签1,ground_truth标签2,...]}]
由于数据集并没有一个规整的格式,处理此类问题我们通常考虑使用Json文件来做存储

首先要将数据集提供的txt文件转换成.json文件,方便后面的重写的dataset函数load数据 create-data_lists()主要的功能就是将图片和它的ground_truth_box以及box对应的标签连接起来存到json文件中。
注意:此函数必须运行一次。


In [1]:
%load_ext autoreload
%autoreload 2

import torch

torch.cuda.set_device(2)

In [2]:
from utils import *
create_data_lists(voc07_path='./data1/VOC2007',output_folder='./json1/')


There are 200 training images containing a total of 600 objects. Files have been saved to /home/jovyan/week8/json1.

There are 200 validation images containing a total of 600 objects. Files have been saved to /home/jovyan/week8/json1.

In [3]:
import torch
from torch.utils.data import Dataset
import json
import os
from PIL import Image
from utils import transform


class PascalVOCDataset(Dataset):
    """
    A PyTorch Dataset class to be used in a PyTorch DataLoader to create batches.
    """

    def __init__(self, data_folder, split, keep_difficult=False):
        """
        :param data_folder: folder where data files are stored
        :param split: split, one of 'TRAIN' or 'TEST'
        :param keep_difficult: keep or discard objects that are considered difficult to detect?
        """
        self.split = split.upper()

        assert self.split in {'TRAIN', 'TEST'}

        self.data_folder = data_folder
        self.keep_difficult = keep_difficult

        # Read data files
        with open(os.path.join(data_folder, self.split + '_images.json'), 'r') as j:
            self.images = json.load(j)
        with open(os.path.join(data_folder, self.split + '_objects.json'), 'r') as j:
            self.objects = json.load(j)

        assert len(self.images) == len(self.objects)

    def __getitem__(self, i):
        # Read image
        image = Image.open(self.images[i], mode='r')
        image = image.convert('RGB')

        # Read objects in this image (bounding boxes, labels, difficulties)
        objects = self.objects[i]
        boxes = torch.FloatTensor(objects['boxes'])  # (n_objects, 4)
        labels = torch.LongTensor(objects['labels'])  # (n_objects)
        difficulties = torch.ByteTensor(objects['difficulties'])  # (n_objects)

        # Discard difficult objects, if desired
        if not self.keep_difficult:
            boxes = boxes[1 - difficulties]
            labels = labels[1 - difficulties]
            difficulties = difficulties[1 - difficulties]

        # Apply transformations
        image, boxes, labels, difficulties = transform(image, boxes, labels, difficulties, split=self.split)

        return image, boxes, labels, difficulties

    def __len__(self):
        return len(self.images)

    def collate_fn(self, batch):
        """
        Since each image may have a different number of objects, we need a collate function (to be passed to the DataLoader).

        This describes how to combine these tensors of different sizes. We use lists.

        Note: this need not be defined in this Class, can be standalone.

        :param batch: an iterable of N sets from __getitem__()
        :return: a tensor of images, lists of varying-size tensors of bounding boxes, labels, and difficulties
        """

        images = list()
        boxes = list()
        labels = list()
        difficulties = list()

        for b in batch:
            images.append(b[0])
            boxes.append(b[1])
            labels.append(b[2])
            difficulties.append(b[3])

        images = torch.stack(images, dim=0)

        return images, boxes, labels, difficulties  # tensor (N, 3, 300, 300), 3 lists of N tensors each

重写完dataset函数之后,让我们看看目标检测任务的训练数据具体是以何种形式存储的


In [4]:
data_folder = './json1/'
keep_difficult = True
batch_size = 2
workers = 1


train_dataset = PascalVOCDataset(data_folder,
                                     split='train',
                                     keep_difficult=keep_difficult)
val_dataset = PascalVOCDataset(data_folder,
                                   split='test',
                                   keep_difficult=keep_difficult)
train_loader = torch.utils.data.DataLoader(train_dataset, batch_size=batch_size, shuffle=True,
                                               collate_fn=train_dataset.collate_fn, num_workers=workers,
                                               pin_memory=True)  
                                                # note that we're passing the collate function here
val_loader = torch.utils.data.DataLoader(val_dataset, batch_size=batch_size, shuffle=True,
                                             collate_fn=val_dataset.collate_fn, num_workers=workers,
                                             pin_memory=True)
    
for data in train_loader:
    images, boxes, labels, difficulties = data
    print('images---->', images)
    print('boxes---->', boxes)
    print('labels---->',labels)
    print('difficulties---->',difficulties)


images----> tensor([[[[-1.7583, -1.7583, -1.7412,  ..., -0.7650, -0.7993, -0.8507],
          [-1.7583, -1.7583, -1.7583,  ..., -0.8507, -0.8678, -0.8678],
          [-1.7412, -1.7412, -1.7412,  ..., -0.8507, -0.8678, -0.9020],
          ...,
          [-1.5870, -1.5699, -1.5528,  ...,  0.4851,  0.9303,  1.2043],
          [-1.5528, -1.5357, -1.5185,  ..., -0.2856,  0.6049,  1.3070],
          [-1.5014, -1.5185, -1.5357,  ..., -0.8335,  0.1083,  0.8789]],

         [[-1.6681, -1.6681, -1.6506,  ..., -0.6352, -0.6702, -0.7402],
          [-1.6681, -1.6681, -1.6681,  ..., -0.7052, -0.6877, -0.7052],
          [-1.6506, -1.6506, -1.6506,  ..., -0.6877, -0.6702, -0.6702],
          ...,
          [-1.4930, -1.4580, -1.4405,  ...,  0.5728,  1.0455,  1.3431],
          [-1.4580, -1.4405, -1.4230,  ..., -0.2150,  0.7129,  1.4307],
          [-1.4055, -1.4230, -1.4405,  ..., -0.7752,  0.1877,  0.9580]],

         [[-1.4384, -1.4384, -1.4210,  ..., -0.6541, -0.7413, -0.8110],
          [-1.4384, -1.4384, -1.4384,  ..., -0.6541, -0.7064, -0.7413],
          [-1.4210, -1.4210, -1.4210,  ..., -0.5495, -0.6193, -0.6541],
          ...,
          [-1.2293, -1.2119, -1.1944,  ...,  0.5311,  1.0714,  1.4374],
          [-1.1944, -1.1944, -1.1770,  ..., -0.3055,  0.6879,  1.4374],
          [-1.1596, -1.1770, -1.1944,  ..., -0.8807,  0.0953,  0.8971]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.3541, -0.3541, -0.3541,  ..., -0.2684, -0.2684, -0.2856],
          [-0.2856, -0.2856, -0.2684,  ..., -0.4568, -0.4568, -0.4739],
          [-0.0801, -0.0801, -0.0972,  ..., -0.5767, -0.5767, -0.5938]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.4601, -0.4601, -0.4601,  ..., -0.2850, -0.2850, -0.3025],
          [-0.3901, -0.3901, -0.3725,  ..., -0.4076, -0.4076, -0.4251],
          [-0.1450, -0.1450, -0.1450,  ..., -0.5301, -0.5301, -0.5476]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.4101, -0.4101, -0.4101,  ..., -0.2707, -0.2707, -0.2881],
          [-0.3404, -0.3404, -0.3230,  ..., -0.3753, -0.3753, -0.3927],
          [-0.1138, -0.0964, -0.1138,  ..., -0.4798, -0.4798, -0.4973]]]])
boxes----> [tensor([[0.6931, 0.0000, 0.9312, 0.1138]]), tensor([[0.0000, 0.3746, 1.0000, 0.7550]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[ 1.0159,  1.0331,  0.8276,  ...,  0.1254,  0.0227, -0.2856],
          [ 1.0159,  1.0331,  0.7933,  ...,  0.0912, -0.1486,  0.1254],
          [ 1.0331,  1.0502,  0.7591,  ..., -0.1314,  0.0398,  0.0227],
          ...,
          [-0.2856, -0.2856, -0.2856,  ...,  0.2624,  0.2282,  0.2967],
          [-0.3027, -0.2856, -0.2684,  ...,  0.2111,  0.2282,  0.2111],
          [-0.2856, -0.3027, -0.3027,  ...,  0.2453,  0.2624,  0.1939]],

         [[ 1.1681,  1.1856,  0.9755,  ...,  0.2577,  0.1527, -0.1625],
          [ 1.1681,  1.1856,  0.9405,  ...,  0.2227, -0.0224,  0.2577],
          [ 1.1856,  1.2031,  0.9055,  ..., -0.0049,  0.1702,  0.1527],
          ...,
          [-0.1625, -0.1625, -0.1625,  ...,  0.3978,  0.3627,  0.4328],
          [-0.1800, -0.1625, -0.1450,  ...,  0.3452,  0.3627,  0.3452],
          [-0.1625, -0.1800, -0.1800,  ...,  0.3803,  0.3978,  0.3277]],

         [[ 1.3851,  1.4025,  1.1934,  ...,  0.4788,  0.3742,  0.0605],
          [ 1.3851,  1.4025,  1.1585,  ...,  0.4439,  0.1999,  0.4788],
          [ 1.4025,  1.4200,  1.1237,  ...,  0.2173,  0.3916,  0.3742],
          ...,
          [ 0.0605,  0.0605,  0.0605,  ...,  0.6182,  0.5834,  0.6531],
          [ 0.0431,  0.0605,  0.0779,  ...,  0.5659,  0.5834,  0.5659],
          [ 0.0605,  0.0431,  0.0431,  ...,  0.6008,  0.6182,  0.5485]]]])
boxes----> [tensor([[0.5195, 0.0000, 0.6800, 0.1657]]), tensor([[0.7528, 0.5465, 0.9448, 0.7248],
        [0.6755, 0.5581, 0.7616, 0.6860]])]
labels----> [tensor([19]), tensor([7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 2.2489,  2.2489,  2.2489,  ..., -1.6727, -1.6898, -1.7069],
          [ 2.2318,  2.2318,  2.2318,  ..., -1.6898, -1.6384, -1.6042],
          [ 2.1633,  2.1633,  2.1633,  ..., -1.7412, -1.7069, -1.6555],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[ 2.4286,  2.4286,  2.4111,  ..., -1.5630, -1.5280, -1.5105],
          [ 2.4286,  2.4111,  2.3585,  ..., -1.4755, -1.4580, -1.4055],
          [ 2.4286,  2.4111,  2.3936,  ..., -1.5630, -1.5280, -1.4755],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[ 2.6226,  2.6226,  2.6226,  ..., -1.1421, -1.2119, -1.3164],
          [ 2.5877,  2.5703,  2.5877,  ..., -1.2816, -1.2467, -1.2467],
          [ 2.5703,  2.5877,  2.5877,  ..., -1.3513, -1.3164, -1.3164],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.0000, 0.7709, 0.4429],
        [0.7598, 0.0714, 1.0000, 0.2686]]), tensor([[0.3289, 0.6170, 0.6191, 0.8670],
        [0.5540, 0.6953, 0.6323, 0.8122]])]
labels----> [tensor([19, 19]), tensor([19, 19])]
difficulties----> [tensor([0, 0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.4911, -0.6452, -0.6109,  ..., -0.4568, -0.3883, -0.4226],
          [-0.4739, -0.6452, -0.6109,  ..., -0.4739, -0.4054, -0.5082],
          [-0.4226, -0.5767, -0.5938,  ..., -0.4568, -0.4226, -0.5082],
          ...,
          [-0.2171, -0.2342, -0.1999,  ..., -0.9192, -0.9020, -0.9020],
          [-0.2513, -0.2513, -0.2171,  ..., -0.9020, -0.9192, -0.9020],
          [-0.3198, -0.2684, -0.2342,  ..., -0.9192, -0.9192, -0.9192]],

         [[-0.3550, -0.4951, -0.4426,  ..., -0.3200, -0.2500, -0.2850],
          [-0.3550, -0.4951, -0.4426,  ..., -0.3375, -0.2675, -0.3725],
          [-0.3025, -0.4251, -0.4426,  ..., -0.3200, -0.2850, -0.3725],
          ...,
          [-0.1275, -0.1450, -0.1099,  ..., -0.7927, -0.7752, -0.7752],
          [-0.1450, -0.1450, -0.1450,  ..., -0.7752, -0.7927, -0.7752],
          [-0.2325, -0.1800, -0.1450,  ..., -0.7927, -0.7927, -0.7927]],

         [[-0.1487, -0.3055, -0.2532,  ..., -0.0964, -0.0267, -0.0615],
          [-0.1312, -0.2707, -0.2532,  ..., -0.1138, -0.0441, -0.1487],
          [-0.0790, -0.2010, -0.2010,  ..., -0.0964, -0.0615, -0.1487],
          ...,
          [ 0.1302,  0.1302,  0.1651,  ..., -0.6193, -0.6018, -0.6018],
          [ 0.0953,  0.0953,  0.1302,  ..., -0.6018, -0.6193, -0.6018],
          [ 0.0256,  0.0779,  0.1128,  ..., -0.6018, -0.6018, -0.6193]]]])
boxes----> [tensor([[0.4687, 0.4722, 0.9977, 0.7374]]), tensor([[-0.0028,  0.0193,  0.9972,  1.0000]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.3198, -0.6452, -1.3644,  ..., -1.8782, -1.8782, -1.8782],
          [-0.3712, -0.6623, -1.3473,  ..., -1.9124, -1.8953, -1.8782],
          [-0.3369, -0.6281, -1.3302,  ..., -1.8953, -1.8782, -1.8782],
          ...,
          [-0.0972, -0.0629, -0.0287,  ..., -1.8953, -1.9124, -1.9295],
          [-0.1486, -0.1143, -0.0801,  ..., -1.8953, -1.9295, -1.9295],
          [-0.1999, -0.1486, -0.1314,  ..., -1.8953, -1.9295, -1.9467]],

         [[-1.0903, -1.1954, -1.6681,  ..., -1.7906, -1.7906, -1.7906],
          [-1.0728, -1.1779, -1.6155,  ..., -1.8256, -1.8081, -1.7906],
          [-1.0203, -1.1078, -1.6155,  ..., -1.8081, -1.7906, -1.8081],
          ...,
          [-0.5126, -0.4776, -0.4251,  ..., -1.8081, -1.8256, -1.8431],
          [-0.6001, -0.5476, -0.4951,  ..., -1.8081, -1.8431, -1.8431],
          [-0.6702, -0.6176, -0.5651,  ..., -1.8256, -1.8606, -1.8606]],

         [[-1.4036, -1.3687, -1.5779,  ..., -1.6302, -1.6127, -1.6302],
          [-1.3513, -1.3339, -1.5604,  ..., -1.6824, -1.6476, -1.6302],
          [-1.2990, -1.2816, -1.5779,  ..., -1.6476, -1.6302, -1.6302],
          ...,
          [-0.6541, -0.6193, -0.5321,  ..., -1.5953, -1.6302, -1.6476],
          [-0.7587, -0.7064, -0.5844,  ..., -1.5953, -1.6476, -1.6476],
          [-0.7761, -0.7413, -0.6541,  ..., -1.6127, -1.6476, -1.6650]]],


        [[[-1.0904, -1.0904, -1.0904,  ..., -1.0904, -1.0904, -1.0904],
          [-1.0904, -1.0904, -1.0904,  ..., -1.0904, -1.0904, -1.0904],
          [-1.0904, -1.0904, -1.0904,  ..., -1.0904, -1.0904, -1.0904],
          ...,
          [-1.0904, -1.0904, -1.0904,  ..., -1.0904, -1.0904, -1.0904],
          [-1.0904, -1.0904, -1.0904,  ..., -1.0904, -1.0904, -1.0904],
          [-1.0904, -1.0904, -1.0904,  ..., -1.0904, -1.0904, -1.0904]],

         [[-0.9678, -0.9503, -0.9503,  ..., -0.9853, -0.9853, -0.9853],
          [-0.9678, -0.9503, -0.9503,  ..., -0.9853, -0.9853, -0.9853],
          [-0.9678, -0.9503, -0.9503,  ..., -0.9853, -0.9853, -0.9853],
          ...,
          [-0.9853, -0.9853, -0.9853,  ..., -0.9853, -0.9853, -0.9853],
          [-0.9853, -0.9853, -0.9853,  ..., -0.9853, -0.9853, -0.9853],
          [-0.9853, -0.9853, -0.9853,  ..., -0.9853, -0.9853, -0.9853]],

         [[-0.8110, -0.8110, -0.8110,  ..., -0.7587, -0.7587, -0.7587],
          [-0.8110, -0.8110, -0.8110,  ..., -0.7587, -0.7587, -0.7587],
          [-0.7936, -0.7936, -0.7936,  ..., -0.7587, -0.7587, -0.7587],
          ...,
          [-0.7587, -0.7587, -0.7587,  ..., -0.7587, -0.7587, -0.7587],
          [-0.7587, -0.7587, -0.7587,  ..., -0.7587, -0.7587, -0.7587],
          [-0.7587, -0.7587, -0.7587,  ..., -0.7587, -0.7587, -0.7587]]]])
boxes----> [tensor([[0.1320, 0.5195, 0.4680, 0.8138],
        [0.3760, 0.5105, 0.5800, 0.6787],
        [0.5540, 0.5255, 0.9980, 0.9970]]), tensor([[0.2447, 0.4971, 0.4212, 0.6000],
        [0.4376, 0.5441, 0.5435, 0.6059]])]
labels----> [tensor([7, 7, 7]), tensor([7, 7])]
difficulties----> [tensor([0, 0, 0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 0.6392,  0.6563,  0.6906,  ...,  1.3242,  1.3242,  1.3070],
          [ 0.6563,  0.6734,  0.6906,  ...,  1.3584,  1.3242,  1.3070],
          [ 0.6906,  0.6906,  0.6734,  ...,  1.3242,  1.3242,  1.3242],
          ...,
          [-0.1657, -0.1999, -0.1657,  ..., -0.2342, -0.2342, -0.3369],
          [-0.3541, -0.3369, -0.3541,  ..., -0.3712, -0.2684, -0.3369],
          [ 0.2624,  0.3652,  0.3994,  ..., -0.5424, -0.5424, -0.4226]],

         [[ 1.4132,  1.4307,  1.4482,  ...,  1.7458,  1.7633,  1.7633],
          [ 1.4307,  1.4307,  1.4482,  ...,  1.7808,  1.7633,  1.7633],
          [ 1.4482,  1.4482,  1.4482,  ...,  1.7458,  1.7633,  1.7808],
          ...,
          [-0.2325, -0.2675, -0.2325,  ..., -0.3375, -0.3375, -0.4251],
          [-0.3725, -0.3550, -0.3725,  ..., -0.4601, -0.3550, -0.4076],
          [ 0.2402,  0.3452,  0.3978,  ..., -0.5826, -0.5826, -0.4251]],

         [[ 2.0300,  2.0474,  2.0648,  ...,  2.1868,  2.2043,  2.1694],
          [ 2.0474,  2.0474,  2.0648,  ...,  2.2217,  2.1868,  2.1694],
          [ 2.0648,  2.0648,  2.0648,  ...,  2.1868,  2.1868,  2.1694],
          ...,
          [-0.2707, -0.3055, -0.2707,  ..., -0.2707, -0.2707, -0.3578],
          [-0.4624, -0.4275, -0.4624,  ..., -0.4101, -0.2707, -0.3230],
          [ 0.1476,  0.2522,  0.2871,  ..., -0.5844, -0.5495, -0.4101]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.9705, -0.9192, -0.9705,  ..., -0.0116, -0.0116, -0.0116],
          [-0.9020, -0.8849, -0.9705,  ..., -0.0116, -0.0116, -0.0116],
          [-0.9020, -0.9192, -0.9020,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-1.5805, -1.5280, -1.5630,  ..., -0.0049, -0.0049, -0.0049],
          [-1.5280, -1.5105, -1.5980,  ..., -0.0049, -0.0049, -0.0049],
          [-1.5630, -1.5805, -1.5630,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-1.1073, -1.0550, -1.0898,  ..., -0.0092, -0.0092, -0.0092],
          [-1.0724, -1.0376, -1.1421,  ..., -0.0092, -0.0092, -0.0092],
          [-1.0898, -1.1247, -1.1073,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.3846, 0.6523, 0.8220, 0.9973]]), tensor([[-0.0022,  0.4361,  0.6401,  0.9132]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.8335, -0.5938, -0.6452,  ..., -1.2959, -0.7822, -0.6109],
          [-0.8849, -0.7479, -0.7993,  ..., -1.5014, -0.9534, -0.8507],
          [-0.8335, -0.9020, -0.5253,  ..., -1.3644, -0.9363, -0.9020],
          ...,
          [-1.7069, -1.6555, -1.3815,  ..., -2.0494, -2.0665, -2.0323],
          [-1.6727, -1.0733, -0.9877,  ..., -2.0323, -2.0494, -2.0837],
          [-1.6384, -1.1760, -1.0562,  ..., -1.9980, -2.0152, -1.9980]],

         [[-1.5630, -1.4580, -1.4930,  ..., -1.2304, -0.7402, -0.7052],
          [-1.6155, -1.4930, -1.4755,  ..., -1.4580, -0.9503, -0.9503],
          [-1.4405, -1.5105, -1.0378,  ..., -1.3354, -0.9328, -0.9678],
          ...,
          [-1.6155, -1.5630, -1.2829,  ..., -1.9657, -1.9832, -1.9482],
          [-1.5805, -0.9678, -0.8978,  ..., -1.9482, -1.9657, -2.0007],
          [-1.5455, -1.0728, -0.9678,  ..., -1.9132, -1.9307, -1.9132]],

         [[-1.5604, -1.4210, -1.3861,  ..., -1.3164, -0.9678, -1.2293],
          [-1.5430, -1.4036, -1.3339,  ..., -1.4733, -1.1596, -1.4210],
          [-1.3861, -1.4210, -0.9156,  ..., -1.3687, -1.1073, -1.4210],
          ...,
          [-1.4036, -1.3687, -1.0898,  ..., -1.7347, -1.7522, -1.7173],
          [-1.3687, -0.7761, -0.6715,  ..., -1.7173, -1.7347, -1.7696],
          [-1.3339, -0.8633, -0.7413,  ..., -1.6824, -1.6999, -1.6824]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.0582, 1.0000, 1.0000]]), tensor([[0.7721, 0.3893, 0.7949, 0.4228]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.0973, 0.9671, 0.7692]]), tensor([[0.5867, 0.3838, 0.6963, 0.5643]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 2.2318,  2.1290,  0.0912,  ...,  1.7352,  1.9407,  1.8037],
          [ 1.7865,  1.6495,  0.2111,  ...,  1.1700,  1.7009,  2.1462],
          [ 1.6153,  2.1975,  0.9646,  ...,  0.1939,  0.9817,  2.0092],
          ...,
          [ 2.0948,  2.0092,  1.9064,  ...,  2.1975,  2.1804,  2.2147],
          [ 2.1975,  2.1975,  2.1975,  ...,  2.1633,  2.0605,  1.7865],
          [ 2.2147,  2.2147,  2.1975,  ...,  2.2318,  2.1975,  1.8893]],

         [[ 2.4111,  2.3060,  0.2052,  ...,  1.8333,  2.0434,  1.8683],
          [ 1.9559,  1.8158,  0.3102,  ...,  1.2556,  1.8158,  2.2710],
          [ 1.7808,  2.3761,  1.0980,  ...,  0.2752,  1.0805,  2.1485],
          ...,
          [ 2.1835,  1.9734,  1.8683,  ...,  2.3585,  2.3585,  2.3936],
          [ 2.3761,  2.3410,  2.3585,  ...,  2.3060,  2.2010,  1.9384],
          [ 2.3761,  2.3761,  2.3761,  ...,  2.3936,  2.3585,  2.0434]],

         [[ 2.6226,  2.5180,  0.4439,  ...,  1.9777,  2.0997,  1.6814],
          [ 2.1694,  2.0474,  0.5834,  ...,  1.4025,  1.8034,  2.0474],
          [ 2.0125,  2.5877,  1.3502,  ...,  0.4091,  0.9668,  1.8208],
          ...,
          [ 2.0823,  1.6814,  1.5420,  ...,  2.2217,  2.2914,  2.4483],
          [ 2.3088,  2.2740,  2.3611,  ...,  2.1868,  1.9951,  1.6814],
          [ 2.4483,  2.3611,  2.3088,  ...,  2.4831,  2.2217,  1.8208]]],


        [[[-1.5870, -1.6042, -1.5699,  ..., -1.6213, -1.5870, -1.6042],
          [-1.5699, -1.6042, -1.6042,  ..., -1.6042, -1.6384, -1.5870],
          [-1.6213, -1.6042, -1.5870,  ..., -1.6042, -1.6213, -1.6042],
          ...,
          [-1.6213, -1.6213, -1.5870,  ..., -1.5699, -1.5699, -1.5528],
          [-1.6213, -1.6042, -1.6042,  ..., -1.5528, -1.5699, -1.5870],
          [-1.6384, -1.6555, -1.6555,  ..., -1.6213, -1.6384, -1.6042]],

         [[-1.5105, -1.5280, -1.5105,  ..., -1.5455, -1.5455, -1.5805],
          [-1.4930, -1.5280, -1.5280,  ..., -1.5280, -1.5805, -1.5280],
          [-1.5455, -1.5105, -1.5105,  ..., -1.5280, -1.5630, -1.5455],
          ...,
          [-1.5455, -1.5280, -1.5105,  ..., -1.5105, -1.5105, -1.4755],
          [-1.5280, -1.5280, -1.5280,  ..., -1.4930, -1.4930, -1.5105],
          [-1.5455, -1.5630, -1.5805,  ..., -1.5630, -1.5805, -1.5455]],

         [[-1.2467, -1.2641, -1.2467,  ..., -1.2816, -1.2467, -1.2641],
          [-1.2293, -1.2641, -1.2641,  ..., -1.2816, -1.3164, -1.2467],
          [-1.2816, -1.2467, -1.2467,  ..., -1.2990, -1.2990, -1.2990],
          ...,
          [-1.3164, -1.2816, -1.2641,  ..., -1.2641, -1.2641, -1.2467],
          [-1.2990, -1.2641, -1.2641,  ..., -1.2467, -1.2467, -1.2641],
          [-1.3339, -1.3164, -1.3164,  ..., -1.2990, -1.3164, -1.2990]]]])
boxes----> [tensor([[0.0374, 0.0328, 1.0000, 0.8623]]), tensor([[0.1940, 0.3193, 0.9200, 0.7289],
        [0.0000, 0.3434, 0.1720, 0.6536]])]
labels----> [tensor([7]), tensor([19, 19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.8507, -1.0904, -1.2959,  ..., -0.9705, -1.0562, -0.7650],
          [-0.9877, -1.1418, -1.2445,  ..., -0.8678, -1.0219, -0.8335],
          [-1.1418, -1.1932, -1.2274,  ..., -0.7479, -0.9705, -0.7993],
          ...,
          [-0.1999, -0.1828, -0.1828,  ..., -1.7583, -1.7412, -1.7412],
          [-0.1828, -0.1657, -0.1828,  ..., -1.7583, -1.7412, -1.7412],
          [-0.1657, -0.1314, -0.1828,  ..., -1.7412, -1.7412, -1.7412]],

         [[-0.7752, -1.0203, -1.2304,  ..., -0.9678, -1.0553, -0.7577],
          [-0.9153, -1.0728, -1.1954,  ..., -0.8627, -1.0028, -0.8277],
          [-1.0728, -1.1253, -1.1779,  ..., -0.7227, -0.9328, -0.7927],
          ...,
          [-0.1099, -0.0924, -0.0924,  ..., -1.7206, -1.7031, -1.7031],
          [-0.0924, -0.0749, -0.0924,  ..., -1.7031, -1.7031, -1.7031],
          [-0.0749, -0.0399, -0.0924,  ..., -1.6681, -1.6856, -1.7031]],

         [[-0.5844, -0.8110, -1.0201,  ..., -0.4450, -0.5147, -0.2010],
          [-0.7238, -0.8633, -0.9678,  ..., -0.3230, -0.4798, -0.2707],
          [-0.8807, -0.9156, -0.9330,  ..., -0.1661, -0.4101, -0.2532],
          ...,
          [ 0.5485,  0.5659,  0.5485,  ..., -1.4733, -1.4559, -1.4559],
          [ 0.5485,  0.5834,  0.5485,  ..., -1.4733, -1.4559, -1.4559],
          [ 0.5659,  0.6008,  0.5659,  ..., -1.4384, -1.4559, -1.4559]]],


        [[[-0.2856, -0.3369, -0.2684,  ..., -0.3027, -0.1314,  0.0056],
          [-0.4568, -0.4226, -0.2856,  ..., -0.3198, -0.2856, -0.1999],
          [-0.5424, -0.2856,  0.0056,  ..., -0.1314, -0.1657, -0.1314],
          ...,
          [ 1.2043,  1.2214,  1.2728,  ...,  1.2557,  1.1358,  1.1358],
          [ 1.3070,  1.3070,  1.3070,  ...,  1.5468,  1.4440,  1.2385],
          [ 1.3070,  1.5297,  1.3927,  ...,  1.6495,  1.6495,  1.6495]],

         [[ 0.2752,  0.3277,  0.4153,  ...,  0.0126,  0.3102,  0.5378],
          [ 0.1527,  0.2402,  0.3452,  ..., -0.0224,  0.1001,  0.2402],
          [ 0.0826,  0.2752,  0.4853,  ...,  0.1527,  0.1702,  0.1877],
          ...,
          [ 1.3431,  1.3606,  1.4132,  ...,  1.3431,  1.2206,  1.2381],
          [ 1.4482,  1.4307,  1.4482,  ...,  1.6583,  1.5532,  1.3431],
          [ 1.4657,  1.6933,  1.5532,  ...,  1.7983,  1.8158,  1.8158]],

         [[-0.0790, -0.0615,  0.0082,  ..., -0.2358, -0.0790,  0.1128],
          [-0.3055, -0.1835, -0.0267,  ..., -0.2881, -0.3230, -0.2707],
          [-0.3578, -0.0615,  0.2696,  ..., -0.1487, -0.2707, -0.3230],
          ...,
          [ 1.4722,  1.4897,  1.5420,  ...,  1.3677,  1.2457,  1.2631],
          [ 1.5768,  1.5768,  1.5768,  ...,  1.6814,  1.5942,  1.3851],
          [ 1.6117,  1.8731,  1.7337,  ...,  1.9080,  2.0300,  2.0300]]]])
boxes----> [tensor([[0.0833, 0.6990, 0.1698, 0.7524]]), tensor([[0.1250, 0.0226, 0.9957, 0.7218]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.3815, -1.4158, -1.4672,  ..., -1.6042, -1.5870, -1.5699],
          [ 0.0398, -0.0116, -0.0458,  ..., -1.5870, -1.5699, -1.5699],
          [ 1.2043,  1.1700,  1.1529,  ..., -1.5699, -1.5528, -1.5357],
          ...,
          [ 0.5364,  0.5364,  0.5364,  ...,  0.2624,  0.1939,  0.1768],
          [ 0.5707,  0.5536,  0.5364,  ...,  0.2796,  0.1768,  0.1426],
          [ 0.5878,  0.5707,  0.5536,  ...,  0.1254,  0.0227,  0.0398]],

         [[-1.3529, -1.3880, -1.4405,  ..., -1.5280, -1.5105, -1.4930],
          [ 0.0651,  0.0301, -0.0224,  ..., -1.5105, -1.4930, -1.4930],
          [ 1.2906,  1.2556,  1.2206,  ..., -1.5105, -1.4930, -1.4755],
          ...,
          [-0.3200, -0.3375, -0.3375,  ...,  0.2052,  0.1352,  0.1352],
          [-0.3375, -0.3550, -0.3550,  ...,  0.2402,  0.1352,  0.1001],
          [-0.3200, -0.3375, -0.3375,  ...,  0.0826, -0.0224, -0.0049]],

         [[-0.7587, -0.7936, -0.8458,  ..., -1.2293, -1.2119, -1.1944],
          [ 0.7402,  0.7054,  0.6705,  ..., -1.2119, -1.1944, -1.1944],
          [ 1.8208,  1.8034,  1.7860,  ..., -1.1770, -1.1596, -1.1421],
          ...,
          [-0.3404, -0.3578, -0.3578,  ...,  0.2871,  0.2348,  0.2522],
          [-0.3230, -0.3404, -0.3578,  ...,  0.3045,  0.1999,  0.1651],
          [-0.2881, -0.3055, -0.3230,  ...,  0.1302,  0.0256,  0.0431]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-1.0562, -1.0733, -1.0733,  ...,  0.7591,  0.5536,  0.1254],
          [-1.0390, -1.0390, -1.0390,  ...,  0.2796,  0.1254,  0.3652],
          [-1.0219, -1.0048, -1.0048,  ...,  0.1597,  0.2796,  0.3309]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-1.0203, -1.0378, -1.0378,  ...,  0.9580,  0.7479,  0.3102],
          [-1.0028, -1.0028, -1.0028,  ...,  0.4678,  0.3102,  0.5553],
          [-0.9853, -0.9678, -0.9678,  ...,  0.3452,  0.4678,  0.5203]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.8633, -0.8633, -0.8633,  ...,  1.2282,  1.0191,  0.5834],
          [-0.8458, -0.8458, -0.8458,  ...,  0.7402,  0.5834,  0.8274],
          [-0.8284, -0.8110, -0.8110,  ...,  0.6182,  0.7402,  0.7925]]]])
boxes----> [tensor([[-0.0049,  0.5291,  0.7379,  1.0000]]), tensor([[0.0000, 0.0925, 0.8000, 1.0000]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[ 0.0227, -0.0972, -0.3198,  ..., -1.6042, -1.6042, -1.5185],
          [ 0.0569, -0.1828, -0.2856,  ..., -1.6384, -1.7069, -1.7583],
          [ 0.1254, -0.1486, -0.2342,  ..., -1.3987, -1.4672, -1.7754],
          ...,
          [-0.6794, -0.6281, -0.5767,  ..., -0.8507, -0.9020, -0.9705],
          [-0.5596, -0.4568, -0.6794,  ..., -0.9020, -0.9877, -0.9534],
          [-0.4226, -0.4397, -0.5253,  ..., -0.9020, -0.8849, -0.8849]],

         [[ 0.1527,  0.0301, -0.1975,  ..., -1.3529, -1.3179, -1.2304],
          [ 0.1877, -0.0749, -0.1625,  ..., -1.4580, -1.5280, -1.5630],
          [ 0.2227, -0.0574, -0.1450,  ..., -0.9328, -1.0028, -1.3004],
          ...,
          [-0.5826, -0.5476, -0.4776,  ..., -0.8978, -0.9853, -1.0903],
          [-0.4426, -0.3375, -0.5651,  ..., -0.9153, -1.0378, -1.0553],
          [-0.3025, -0.3200, -0.4076,  ..., -0.9153, -0.9153, -1.0028]],

         [[ 0.4265,  0.3045,  0.0605,  ..., -1.5430, -1.4559, -1.4210],
          [ 0.4439,  0.1999,  0.0953,  ..., -1.5256, -1.5953, -1.7173],
          [ 0.4962,  0.2173,  0.1302,  ..., -1.1421, -1.2119, -1.5256],
          ...,
          [-0.4101, -0.3753, -0.3055,  ..., -0.7587, -0.8633, -0.9678],
          [-0.2707, -0.1661, -0.3927,  ..., -0.7936, -0.9330, -0.9504],
          [-0.1312, -0.1487, -0.2358,  ..., -0.7936, -0.8284, -0.8981]]]])
boxes----> [tensor([[0.4670, 0.8276, 0.5367, 0.8469],
        [0.2448, 0.8255, 0.3277, 0.8415],
        [0.2373, 0.8266, 0.3032, 0.8458],
        [0.2090, 0.8287, 0.2825, 0.8480],
        [0.1186, 0.8266, 0.2618, 0.8533],
        [0.5160, 0.8233, 0.5706, 0.8276],
        [0.4557, 0.8351, 0.6008, 0.8555]]), tensor([[0.6560, 0.3540, 0.7253, 0.3900]])]
labels----> [tensor([7, 7, 7, 7, 7, 7, 7]), tensor([7])]
difficulties----> [tensor([1, 1, 1, 1, 0, 1, 1], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.4568, -0.3883, -0.3198,  ...,  2.0092,  2.0263,  2.0434],
          [-0.3883, -0.4054, -0.4568,  ...,  2.0092,  2.0263,  2.0434],
          [-0.2856, -0.4568, -0.6794,  ...,  2.0092,  2.0263,  2.0263],
          ...,
          [ 0.0569,  0.0398,  0.0056,  ..., -1.4329, -1.3987, -1.3815],
          [ 0.0056, -0.0287, -0.0458,  ..., -1.2788, -1.2617, -1.2445],
          [-0.0287, -0.0629, -0.0801,  ..., -1.1932, -1.1760, -1.1589]],

         [[-0.3725, -0.3025, -0.2500,  ...,  2.1835,  2.2010,  2.2185],
          [-0.3025, -0.3375, -0.3901,  ...,  2.1835,  2.2010,  2.2185],
          [-0.2150, -0.3901, -0.6176,  ...,  2.1835,  2.2010,  2.2010],
          ...,
          [-0.6176, -0.6527, -0.6877,  ..., -1.4055, -1.3704, -1.3529],
          [-0.6352, -0.6702, -0.7052,  ..., -1.2479, -1.2304, -1.2129],
          [-0.6352, -0.6877, -0.7227,  ..., -1.1604, -1.1429, -1.1253]],

         [[-0.0267,  0.0431,  0.1128,  ...,  2.3786,  2.4134,  2.4308],
          [ 0.0431,  0.0082, -0.0441,  ...,  2.3786,  2.4134,  2.4308],
          [ 0.1476, -0.0441, -0.2707,  ...,  2.3960,  2.4134,  2.4134],
          ...,
          [-0.4101, -0.4450, -0.4798,  ..., -1.1073, -1.0724, -1.0550],
          [-0.4624, -0.4973, -0.5321,  ..., -0.9678, -0.9156, -0.8981],
          [-0.4973, -0.5321, -0.5670,  ..., -0.8807, -0.8284, -0.7936]]]])
boxes----> [tensor([[0.1254, 0.5877, 0.3723, 0.7157]]), tensor([[0.0000, 0.0000, 1.0000, 0.9012],
        [0.0365, 0.0000, 0.5677, 0.1105]])]
labels----> [tensor([7]), tensor([7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 1], dtype=torch.uint8)]
images----> tensor([[[[-1.2788, -1.2274, -1.1932,  ..., -1.2788, -1.2445, -1.2617],
          [-1.1589, -0.9192, -1.0219,  ..., -1.5185, -1.4500, -1.3987],
          [-1.1932, -1.1075, -1.1760,  ..., -1.6727, -1.6555, -1.6727],
          ...,
          [-1.6042, -1.4843, -1.4843,  ..., -1.6384, -1.6384, -1.6555],
          [-1.4843, -1.4500, -1.4329,  ..., -1.6898, -1.7412, -1.7069],
          [-1.3815, -1.4672, -1.3987,  ..., -1.7754, -1.7754, -1.7754]],

         [[-1.2304, -1.1954, -1.1604,  ..., -1.2654, -1.2129, -1.2129],
          [-1.0728, -0.8277, -0.9503,  ..., -1.5280, -1.4580, -1.3880],
          [-1.1078, -1.0203, -1.0903,  ..., -1.7206, -1.6856, -1.6506],
          ...,
          [-1.6506, -1.5280, -1.5280,  ..., -1.6506, -1.6681, -1.6856],
          [-1.5105, -1.4755, -1.4755,  ..., -1.7206, -1.7556, -1.7206],
          [-1.4055, -1.5105, -1.4405,  ..., -1.7556, -1.7556, -1.7556]],

         [[-0.8981, -0.8633, -0.8284,  ..., -0.9156, -0.8807, -0.8981],
          [-0.7413, -0.5147, -0.6367,  ..., -1.1596, -1.0898, -1.0376],
          [-0.7761, -0.6890, -0.7761,  ..., -1.3339, -1.3164, -1.3164],
          ...,
          [-1.2467, -1.1073, -1.1073,  ..., -1.3164, -1.3164, -1.3339],
          [-1.0898, -1.0550, -1.0550,  ..., -1.3687, -1.4036, -1.3861],
          [-0.9853, -1.0898, -1.0201,  ..., -1.4384, -1.4210, -1.4384]]],


        [[[-0.0116,  0.1597,  0.3138,  ...,  0.9303,  1.0331,  1.1872],
          [-0.3883, -0.0972,  0.0912,  ...,  0.9646,  1.1187,  1.1700],
          [-1.1075, -0.5767, -0.4568,  ...,  0.9988,  1.1358,  1.1700],
          ...,
          [ 0.9988,  1.0673,  1.1700,  ...,  0.7762,  0.8104,  0.7077],
          [ 1.1015,  0.9474,  0.9817,  ...,  0.7762,  0.7933,  0.9817],
          [ 1.1187,  1.1015,  1.1187,  ...,  0.8618,  1.0673,  1.0502]],

         [[ 0.3277,  0.5728,  0.7829,  ...,  0.9930,  1.0805,  1.2031],
          [-0.0399,  0.3627,  0.5728,  ...,  1.0280,  1.1856,  1.1856],
          [-0.7577, -0.1450,  0.0126,  ...,  1.0455,  1.2031,  1.2031],
          ...,
          [ 1.1155,  1.1856,  1.2906,  ...,  0.7129,  0.7829,  0.7129],
          [ 1.2381,  1.0805,  1.1155,  ...,  0.7654,  0.8179,  1.0455],
          [ 1.2381,  1.2381,  1.2556,  ...,  0.8529,  1.1155,  1.1155]],

         [[ 0.4439,  0.6356,  0.8099,  ...,  0.8797,  0.9668,  1.0888],
          [ 0.0605,  0.4439,  0.6182,  ...,  0.9319,  1.0714,  1.0714],
          [-0.6541, -0.0615,  0.0779,  ...,  0.9668,  1.1062,  1.0888],
          ...,
          [ 1.2457,  1.3154,  1.4200,  ...,  0.4614,  0.6008,  0.6705],
          [ 1.3677,  1.2108,  1.2457,  ...,  0.6008,  0.7228,  1.0714],
          [ 1.3677,  1.3677,  1.3677,  ...,  0.8797,  1.1934,  1.2108]]]])
boxes----> [tensor([[-0.0036,  0.0000,  0.9964,  1.0000]]), tensor([[0.3488, 0.1594, 0.6909, 0.5781]])]
labels----> [tensor([19]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 0.9988,  1.1015,  1.1700,  ..., -0.5253, -0.6109, -0.8507],
          [ 1.0331,  1.0844,  1.0673,  ..., -0.1828, -0.0287, -0.1486],
          [ 0.9988,  0.9817,  0.9988,  ..., -0.0287,  0.1254,  0.1083],
          ...,
          [-0.0629, -0.1314, -0.1828,  ..., -0.0116, -0.0801, -0.0972],
          [-0.0458, -0.1143, -0.1314,  ...,  0.0227, -0.0116, -0.0287],
          [-0.0801, -0.1314, -0.1143,  ...,  0.0912,  0.0569,  0.0569]],

         [[ 1.0805,  1.1856,  1.2381,  ...,  0.2402,  0.1702,  0.1176],
          [ 1.1506,  1.1856,  1.1856,  ...,  0.2227,  0.2752,  0.2577],
          [ 1.0805,  1.1155,  1.1331,  ...,  0.2402,  0.2227,  0.2052],
          ...,
          [-0.2850, -0.3725, -0.4251,  ..., -0.0224, -0.0749, -0.0749],
          [-0.2675, -0.3375, -0.3725,  ...,  0.0301, -0.0049, -0.0049],
          [-0.3025, -0.3550, -0.3375,  ...,  0.1001,  0.0651,  0.0651]],

         [[ 0.7576,  0.7228,  0.7054,  ...,  0.2173,  0.3393,  0.3916],
          [ 0.8099,  0.6879,  0.6356,  ...,  0.1302,  0.3742,  0.5136],
          [ 0.7228,  0.6182,  0.5659,  ...,  0.1651,  0.3742,  0.5136],
          ...,
          [-0.8807, -0.9156, -0.9330,  ..., -0.5495, -0.5844, -0.5844],
          [-0.8807, -0.9330, -0.9156,  ..., -0.4973, -0.5147, -0.5321],
          [-0.9330, -0.9504, -0.8981,  ..., -0.4450, -0.4450, -0.4450]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[-0.0023,  0.0000,  0.9662,  0.9395],
        [ 0.7838,  0.0000,  0.9910,  0.3266]]), tensor([[0.1316, 0.0691, 0.5969, 0.3644],
        [0.5646, 0.0397, 0.6567, 0.2073]])]
labels----> [tensor([7, 7]), tensor([7, 7])]
difficulties----> [tensor([0, 1], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 2.2489,  2.2489,  2.2489,  ..., -1.4500, -1.4329, -1.4672],
          [ 2.2489,  2.2489,  2.2489,  ..., -1.4158, -1.3987, -1.4158],
          [ 2.2489,  2.2489,  2.2489,  ..., -1.3815, -1.3130, -1.3302],
          ...,
          [ 0.2796,  0.2967,  0.3309,  ..., -0.1143, -0.6281, -0.1657],
          [ 0.2796,  0.3309,  0.3138,  ...,  1.8208,  1.4612,  1.6667],
          [ 0.2453,  0.2967,  0.2453,  ...,  2.2489,  2.2318,  2.2318]],

         [[ 2.4286,  2.4286,  2.4286,  ..., -1.3529, -1.3354, -1.3704],
          [ 2.4286,  2.4286,  2.4286,  ..., -1.3179, -1.3004, -1.3354],
          [ 2.4286,  2.4286,  2.4286,  ..., -1.2829, -1.2304, -1.2654],
          ...,
          [ 0.8004,  0.8354,  0.8529,  ...,  0.1527, -0.2850,  0.2052],
          [ 0.7829,  0.8704,  0.8354,  ...,  2.0259,  1.7983,  1.9734],
          [ 0.7479,  0.8179,  0.7829,  ...,  2.4286,  2.4286,  2.4286]],

         [[ 2.6400,  2.6400,  2.6400,  ..., -1.1247, -1.1073, -1.1421],
          [ 2.6400,  2.6400,  2.6400,  ..., -1.0898, -1.0898, -1.1247],
          [ 2.6400,  2.6400,  2.6400,  ..., -1.0898, -1.0376, -1.0898],
          ...,
          [ 1.6465,  1.6814,  1.6988,  ...,  0.3568,  0.0256,  0.6182],
          [ 1.6291,  1.7163,  1.6814,  ...,  2.2391,  2.0474,  2.2566],
          [ 1.5942,  1.6640,  1.6291,  ...,  2.6400,  2.6400,  2.6400]]],


        [[[ 1.4098,  1.3413,  0.6734,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.4098,  1.4440,  0.7762,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.4440,  1.4269,  0.6734,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[ 1.6232,  1.5532,  0.8529,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.6583,  1.6758,  0.9930,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.6583,  1.6408,  0.8880,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[ 1.8557,  1.7685,  1.0714,  ..., -0.0092, -0.0092, -0.0092],
          [ 1.9080,  1.9080,  1.2108,  ..., -0.0092, -0.0092, -0.0092],
          [ 1.9254,  1.8905,  1.1237,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[-0.0025,  0.6853,  0.9975,  1.0000]]), tensor([[0.0000, 0.0000, 0.7705, 0.5316]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.5357, -1.6042, -1.3815,  ..., -1.2959, -1.2617, -1.2959],
          [-1.4843, -1.5528, -1.3987,  ..., -1.3815, -1.3473, -1.3815],
          [-1.3987, -1.4672, -1.4158,  ..., -1.5528, -1.5357, -1.5357],
          ...,
          [-0.3712, -0.3541, -0.3883,  ..., -0.8678, -0.8164, -0.8507],
          [-0.3027, -0.4054, -0.4054,  ..., -0.8507, -0.7993, -0.8335],
          [-0.2684, -0.4397, -0.4226,  ..., -0.8335, -0.7993, -0.8164]],

         [[-1.4230, -1.4930, -1.2829,  ..., -1.3354, -1.3004, -1.3354],
          [-1.3880, -1.4580, -1.3004,  ..., -1.4055, -1.3704, -1.4055],
          [-1.3004, -1.3704, -1.3179,  ..., -1.5280, -1.5105, -1.5280],
          ...,
          [-0.1275, -0.1099, -0.1450,  ..., -0.5826, -0.5301, -0.5651],
          [-0.0574, -0.1625, -0.1625,  ..., -0.5651, -0.5126, -0.5476],
          [-0.0224, -0.1975, -0.1800,  ..., -0.5476, -0.5126, -0.5301]],

         [[-1.1073, -1.1770, -0.9156,  ..., -0.9156, -0.8807, -0.9156],
          [-1.0550, -1.1247, -0.9330,  ..., -0.9853, -0.9678, -0.9853],
          [-0.9678, -1.0376, -0.9504,  ..., -1.1421, -1.1247, -1.1247],
          ...,
          [ 0.2348,  0.2522,  0.2173,  ..., -0.1835, -0.1487, -0.1661],
          [ 0.3045,  0.1999,  0.1999,  ..., -0.1661, -0.1312, -0.1487],
          [ 0.3393,  0.1651,  0.1825,  ..., -0.1487, -0.1138, -0.1312]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.1314,  ..., -0.6452, -1.4672, -0.8678],
          [-0.0116, -0.0116, -0.2342,  ..., -0.0458,  0.1939,  0.8618],
          [-0.0116, -0.0116, -0.2513,  ...,  0.8789,  1.0844,  0.3138]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0749,  ..., -0.6176, -1.4755, -0.8978],
          [-0.0049, -0.0049, -0.1800,  ...,  0.0126,  0.2227,  0.8880],
          [-0.0049, -0.0049, -0.2150,  ...,  0.9755,  1.1681,  0.3452]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092,  0.0082,  ..., -0.5844, -1.3687, -0.9156],
          [-0.0092, -0.0092, -0.1138,  ..., -0.0964,  0.1128,  0.7228],
          [-0.0092, -0.0092, -0.1487,  ...,  0.7054,  0.9494,  0.1651]]]])
boxes----> [tensor([[0.0218, 0.3775, 0.2400, 0.6954],
        [0.2836, 0.4040, 0.3891, 0.5695],
        [0.4000, 0.3907, 0.6509, 0.6954],
        [0.6182, 0.3709, 0.6800, 0.5828]]), tensor([[0.1580, 0.5821, 1.0000, 1.0000]])]
labels----> [tensor([7, 7, 7, 7]), tensor([7])]
difficulties----> [tensor([0, 0, 0, 1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[ 0.0569,  0.0912,  0.0912,  ..., -2.0323, -2.0494, -2.0494],
          [ 0.0741,  0.1083,  0.1083,  ..., -2.0323, -2.0665, -2.0494],
          [ 0.0912,  0.1254,  0.1426,  ..., -2.0323, -2.0323, -2.0152],
          ...,
          [-1.2445, -1.1247, -0.7308,  ..., -0.7822, -0.6794, -0.7993],
          [-1.4329, -0.9877, -1.2959,  ..., -0.6281, -0.6623, -0.7993],
          [-0.8164, -0.7137, -0.8849,  ..., -0.6452, -0.6794, -0.6623]],

         [[ 0.6604,  0.6779,  0.6779,  ..., -1.9482, -1.9657, -1.9657],
          [ 0.6779,  0.6954,  0.6954,  ..., -1.9482, -1.9832, -1.9657],
          [ 0.6779,  0.7129,  0.7479,  ..., -1.9482, -1.9482, -1.9307],
          ...,
          [-1.1604, -1.0378, -0.6176,  ..., -0.6001, -0.4776, -0.5826],
          [-1.3529, -0.8978, -1.1779,  ..., -0.4426, -0.4776, -0.6001],
          [-0.7227, -0.6176, -0.7402,  ..., -0.4601, -0.4951, -0.4776]],

         [[ 2.0648,  2.0823,  2.0997,  ..., -1.7173, -1.7347, -1.7347],
          [ 2.0823,  2.0997,  2.0997,  ..., -1.7173, -1.7522, -1.7347],
          [ 2.0823,  2.1171,  2.1346,  ..., -1.7173, -1.7173, -1.6999],
          ...,
          [-1.0724, -0.9504, -0.5321,  ..., -0.2358, -0.1661, -0.3055],
          [-1.2816, -0.8284, -1.1421,  ..., -0.0441, -0.1138, -0.2881],
          [-0.6541, -0.5495, -0.7587,  ..., -0.0615, -0.1312, -0.1138]]]])
boxes----> [tensor([[0.0000, 0.2606, 0.9024, 0.6293]]), tensor([[0.1380, 0.3653, 0.8000, 0.8293]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.4158, -1.4329, -1.3987,  ..., -1.7240, -1.8097, -1.8610],
          [-1.4500, -1.4500, -1.3987,  ..., -1.7240, -1.8268, -1.9124],
          [-1.4158, -1.4843, -1.4329,  ..., -1.8439, -1.8268, -1.7754],
          ...,
          [-1.1247, -1.1075, -1.1075,  ..., -1.6898, -1.7412, -1.8097],
          [-1.1247, -1.1760, -1.1760,  ..., -1.6727, -1.7240, -1.7754],
          [-1.5014, -1.3302, -1.1932,  ..., -1.7412, -1.7754, -1.8097]],

         [[-1.2829, -1.3004, -1.2654,  ..., -1.7556, -1.7556, -1.7556],
          [-1.3004, -1.3179, -1.2829,  ..., -1.7206, -1.7731, -1.8256],
          [-1.3004, -1.3704, -1.3179,  ..., -1.7906, -1.7556, -1.6856],
          ...,
          [-1.0378, -1.0028, -1.0203,  ..., -1.6155, -1.6681, -1.7556],
          [-1.0378, -1.0903, -1.0903,  ..., -1.5980, -1.6681, -1.7206],
          [-1.4405, -1.2654, -1.1429,  ..., -1.6681, -1.7206, -1.7556]],

         [[-0.9330, -0.9504, -0.9330,  ..., -1.5081, -1.5081, -1.5256],
          [-0.9853, -0.9678, -0.9504,  ..., -1.4733, -1.5256, -1.5604],
          [-0.9853, -1.0550, -0.9853,  ..., -1.5430, -1.5081, -1.4210],
          ...,
          [-0.7587, -0.7238, -0.7761,  ..., -1.4210, -1.4733, -1.5256],
          [-0.7238, -0.7761, -0.8458,  ..., -1.3861, -1.4384, -1.4733],
          [-1.1073, -0.9330, -0.8633,  ..., -1.4384, -1.4733, -1.5081]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.4568,  0.8789,  1.0844,  ..., -0.0116, -0.0116, -0.0116],
          [-0.6794,  0.6563,  0.8447,  ..., -0.0116, -0.0116, -0.0116],
          [-0.8507,  0.3823,  0.6563,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.4776,  0.9055,  1.1331,  ..., -0.0049, -0.0049, -0.0049],
          [-0.6702,  0.6779,  0.8880,  ..., -0.0049, -0.0049, -0.0049],
          [-0.8102,  0.3803,  0.7129,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.3927,  0.7228,  0.9319,  ..., -0.0092, -0.0092, -0.0092],
          [-0.5147,  0.5136,  0.7054,  ..., -0.0092, -0.0092, -0.0092],
          [-0.6018,  0.2696,  0.5136,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.4680, 0.4133, 0.7700, 0.5653]]), tensor([[0.3253, 0.9365, 0.3343, 0.9770],
        [0.3155, 0.9135, 0.3238, 0.9338],
        [0.1675, 0.8896, 0.3177, 0.9954],
        [0.1419, 0.8942, 0.1955, 0.9402]])]
labels----> [tensor([7]), tensor([7, 7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1, 1, 0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 1.7352,  1.7352,  1.7352,  ...,  1.7352,  1.7352,  1.7352],
          [ 1.7352,  1.7352,  1.7352,  ...,  1.7352,  1.7352,  1.7352],
          [ 1.7352,  1.7352,  1.7352,  ...,  1.7352,  1.7352,  1.7352],
          ...,
          [-2.1179, -2.1179, -2.1179,  ..., -0.4397, -0.1486,  0.3652],
          [-2.1179, -2.1179, -2.1179,  ..., -0.3369,  0.2796,  0.3823],
          [-2.1179, -2.1179, -2.1179,  ..., -0.2684,  0.5364,  0.3823]],

         [[ 1.9034,  1.9034,  1.9034,  ...,  1.9034,  1.9034,  1.9034],
          [ 1.9034,  1.9034,  1.9034,  ...,  1.9034,  1.9034,  1.9034],
          [ 1.9034,  1.9034,  1.9034,  ...,  1.9034,  1.9034,  1.9034],
          ...,
          [-2.0357, -2.0357, -2.0357,  ..., -0.8452, -0.5126, -0.0399],
          [-2.0357, -2.0357, -2.0357,  ..., -0.7227, -0.0749, -0.0224],
          [-2.0357, -2.0357, -2.0357,  ..., -0.6527,  0.1877, -0.0224]],

         [[ 2.1171,  2.1171,  2.1171,  ...,  2.1171,  2.1171,  2.1171],
          [ 2.1171,  2.1171,  2.1171,  ...,  2.1171,  2.1171,  2.1171],
          [ 2.1171,  2.1171,  2.1171,  ...,  2.1171,  2.1171,  2.1171],
          ...,
          [-1.8044, -1.8044, -1.8044,  ..., -0.6541, -0.1835,  0.3916],
          [-1.8044, -1.8044, -1.8044,  ..., -0.5321,  0.2522,  0.3916],
          [-1.8044, -1.8044, -1.8044,  ..., -0.4450,  0.5136,  0.3916]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[-0.0032,  0.0988,  0.7810,  1.0000]]), tensor([[0.3620, 0.8462, 0.5051, 0.8675]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[ 1.9920,  2.0948,  2.1633,  ...,  1.5810,  1.8208,  1.7352],
          [ 2.0092,  2.0434,  2.0263,  ...,  1.8722,  2.0605,  1.9578],
          [ 2.0434,  1.9920,  2.0263,  ...,  2.1804,  1.9920,  1.9920],
          ...,
          [ 1.0331, -0.9877, -1.0390,  ..., -0.9877, -0.9877, -0.9534],
          [ 0.9817, -0.9877, -0.9877,  ..., -0.9363, -0.9534, -0.9020],
          [ 0.7248, -1.0048, -0.9363,  ..., -0.9020, -0.9534, -0.9363]],

         [[ 2.2010,  2.2885,  2.3585,  ...,  1.6583,  1.9034,  1.8508],
          [ 2.2185,  2.2360,  2.2185,  ...,  1.9559,  2.1485,  2.0609],
          [ 2.2535,  2.2010,  2.2185,  ...,  2.2885,  2.0784,  2.0609],
          ...,
          [ 1.2731, -0.7577, -0.7577,  ..., -0.7052, -0.7052, -0.6702],
          [ 1.2381, -0.7052, -0.7052,  ..., -0.6702, -0.6702, -0.6176],
          [ 0.9930, -0.7227, -0.6176,  ..., -0.6527, -0.6877, -0.6702]],

         [[ 2.4308,  2.5180,  2.6051,  ...,  1.0714,  1.3154,  1.2457],
          [ 2.4308,  2.4657,  2.4483,  ...,  1.3677,  1.5245,  1.4374],
          [ 2.4483,  2.4134,  2.4308,  ...,  1.8383,  1.5245,  1.4374],
          ...,
          [ 1.6465, -0.3753, -0.3230,  ..., -0.3230, -0.3230, -0.3055],
          [ 1.5942, -0.3404, -0.2707,  ..., -0.2532, -0.2532, -0.2358],
          [ 1.3328, -0.3404, -0.2184,  ..., -0.2184, -0.2707, -0.2532]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[-0.0030,  0.0000,  0.9970,  1.0000]]), tensor([[0.4134, 0.2475, 0.4345, 0.2756],
        [0.4128, 0.2412, 0.4234, 0.2482],
        [0.3670, 0.2741, 0.4956, 0.3790]])]
labels----> [tensor([7]), tensor([7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 1, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [ 0.3652,  0.3652,  0.4508,  ...,  0.4508,  0.4508,  0.4508],
          [ 0.3823,  0.3823,  0.4851,  ...,  0.5536,  0.5364,  0.4679],
          [ 0.3994,  0.4337,  0.4851,  ...,  0.5536,  0.5022,  0.5022]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [ 0.5203,  0.5203,  0.6078,  ...,  0.6254,  0.6254,  0.6078],
          [ 0.5378,  0.5378,  0.6429,  ...,  0.7129,  0.6954,  0.6254],
          [ 0.5553,  0.5903,  0.6429,  ...,  0.6779,  0.6254,  0.6429]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [ 0.7751,  0.7751,  0.8622,  ...,  0.7576,  0.7576,  0.7402],
          [ 0.7925,  0.8099,  0.8797,  ...,  0.8622,  0.8274,  0.7576],
          [ 0.8099,  0.8448,  0.8797,  ...,  0.8448,  0.7751,  0.7925]]],


        [[[ 2.2489,  2.2489,  2.2489,  ...,  2.2489,  2.2489,  2.2489],
          [ 2.2489,  2.2489,  2.2489,  ...,  2.2489,  2.2489,  2.2489],
          [ 2.2489,  2.2489,  2.2489,  ...,  2.2489,  2.2489,  2.2489],
          ...,
          [ 2.2489,  2.2489,  2.2489,  ...,  2.2489,  2.2489,  2.2489],
          [ 2.1975,  2.2318,  2.2147,  ...,  2.2489,  2.2489,  2.2489],
          [ 2.1462,  2.2147,  2.1804,  ...,  2.2489,  2.2489,  2.2489]],

         [[ 2.4286,  2.4286,  2.4286,  ...,  2.4286,  2.4286,  2.4286],
          [ 2.4286,  2.4286,  2.4286,  ...,  2.4286,  2.4286,  2.4286],
          [ 2.4286,  2.4286,  2.4286,  ...,  2.4286,  2.4286,  2.4286],
          ...,
          [ 2.4286,  2.4286,  2.4286,  ...,  2.4286,  2.4286,  2.4286],
          [ 2.3235,  2.3936,  2.3585,  ...,  2.4286,  2.4286,  2.4286],
          [ 2.2360,  2.3585,  2.3060,  ...,  2.4286,  2.4286,  2.4286]],

         [[ 2.6400,  2.6400,  2.6400,  ...,  2.6400,  2.6400,  2.6400],
          [ 2.6400,  2.6400,  2.6400,  ...,  2.6400,  2.6400,  2.6400],
          [ 2.6400,  2.6400,  2.6400,  ...,  2.6400,  2.6400,  2.6400],
          ...,
          [ 2.6400,  2.6400,  2.6400,  ...,  2.6400,  2.6400,  2.6400],
          [ 2.4134,  2.5529,  2.5354,  ...,  2.6400,  2.6400,  2.6400],
          [ 2.2043,  2.4657,  2.4308,  ...,  2.6400,  2.6400,  2.6400]]]])
boxes----> [tensor([[0.0000, 0.4888, 1.0000, 0.8989]]), tensor([[0.4635, 0.7062, 0.9957, 0.9742]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.5629, 0.4917, 0.7291],
        [0.4404, 0.5498, 0.5416, 0.6032]]), tensor([[0.0125, 0.6401, 0.1483, 0.7082],
        [0.1749, 0.6462, 0.2162, 0.6827]])]
labels----> [tensor([7, 7]), tensor([7, 7])]
difficulties----> [tensor([0, 0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 1.3755,  1.3755,  1.3584,  ...,  1.3070,  1.3242,  1.3755],
          [ 1.4440,  1.4098,  1.4269,  ...,  1.2043,  1.2557,  1.3584],
          [ 1.5468,  1.4783,  1.4783,  ...,  1.1700,  1.2557,  1.3584],
          ...,
          [ 0.6221,  0.6392,  0.6906,  ...,  0.8104,  0.8104,  0.7762],
          [ 0.8104,  0.8276,  0.8618,  ...,  0.9474,  0.9132,  0.8961],
          [ 0.9132,  0.8961,  0.9303,  ...,  1.1015,  1.0502,  1.0502]],

         [[ 0.8354,  0.8354,  0.8179,  ...,  0.7479,  0.8004,  0.8529],
          [ 0.9055,  0.8704,  0.8880,  ...,  0.6429,  0.7304,  0.8354],
          [ 1.0105,  0.9755,  0.9755,  ...,  0.6078,  0.7479,  0.8354],
          ...,
          [ 0.5378,  0.5553,  0.5903,  ...,  0.6954,  0.6954,  0.6429],
          [ 0.7304,  0.7479,  0.7654,  ...,  0.8004,  0.7829,  0.7479],
          [ 0.8354,  0.8179,  0.8354,  ...,  0.9580,  0.9055,  0.8880]],

         [[ 0.3393,  0.3393,  0.3219,  ...,  0.1999,  0.2173,  0.3045],
          [ 0.4091,  0.3742,  0.3916,  ...,  0.1128,  0.1476,  0.2871],
          [ 0.5136,  0.4614,  0.4614,  ...,  0.0779,  0.1825,  0.2871],
          ...,
          [ 0.1651,  0.1825,  0.2348,  ...,  0.2522,  0.2522,  0.2348],
          [ 0.3393,  0.3568,  0.4091,  ...,  0.4091,  0.3742,  0.3916],
          [ 0.4265,  0.4091,  0.4265,  ...,  0.5834,  0.5311,  0.5659]]],


        [[[ 1.3242,  1.3070,  1.3070,  ..., -0.2513, -0.8678, -1.4329],
          [ 1.4440,  1.4783,  1.5125,  ..., -1.3815, -1.6213, -1.5014],
          [ 1.1872,  1.3584,  1.2728,  ..., -1.5014, -1.4500, -1.5014],
          ...,
          [ 0.3823,  0.4679,  0.8276,  ...,  0.6734,  0.5878,  1.2043],
          [ 0.7248,  1.2214,  1.2214,  ...,  1.5125,  1.5297,  1.7180],
          [ 1.5468,  1.5982,  1.3927,  ...,  0.5536,  0.7933,  1.2043]],

         [[ 1.0630,  1.0455,  1.0630,  ...,  0.0826, -0.5651, -1.1429],
          [ 1.2731,  1.3256,  1.3431,  ..., -1.0903, -1.3354, -1.2304],
          [ 0.9055,  1.0805,  0.9755,  ..., -1.2479, -1.1954, -1.2654],
          ...,
          [ 0.5903,  0.6078,  0.9755,  ...,  0.8880,  0.8354,  1.4657],
          [ 0.8880,  1.3782,  1.3782,  ...,  1.6408,  1.6583,  1.8508],
          [ 1.7108,  1.7808,  1.5707,  ...,  0.6604,  0.9405,  1.3957]],

         [[-0.1661, -0.1835, -0.1835,  ..., -0.0615, -0.5844, -1.1421],
          [ 0.4962,  0.5311,  0.5311,  ..., -1.0376, -1.2293, -1.1073],
          [ 0.6182,  0.7751,  0.6879,  ..., -1.0550, -1.0201, -1.1247],
          ...,
          [ 0.2696,  0.2871,  0.6531,  ...,  0.8274,  0.6879,  1.2980],
          [ 0.7228,  1.1411,  1.1237,  ...,  1.6465,  1.6291,  1.8557],
          [ 1.4722,  1.3328,  1.0365,  ...,  0.7925,  1.0365,  1.4722]]]])
boxes----> [tensor([[0.2695, 0.0000, 0.9968, 0.4650]]), tensor([[-0.0042,  0.0125,  0.9958,  0.7656]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-2.1008, -2.0837, -2.1008,  ..., -2.0837, -2.1179, -2.1179],
          [-1.9980, -1.9980, -2.0323,  ..., -2.1008, -2.1008, -2.1008],
          [-1.8953, -1.9295, -1.9980,  ..., -2.1179, -2.1008, -2.0837],
          ...,
          [-1.2103, -1.0390, -0.9192,  ..., -1.6384, -1.6555, -1.6555],
          [-1.0390, -0.9877, -0.9705,  ..., -1.6042, -1.5870, -1.5699],
          [-0.7822, -1.0048, -1.1932,  ..., -1.4843, -1.4672, -1.4500]],

         [[-1.9132, -1.9132, -1.9307,  ..., -1.9132, -1.9657, -1.9657],
          [-1.8081, -1.8256, -1.8606,  ..., -1.9307, -1.9482, -1.9307],
          [-1.7031, -1.7381, -1.8081,  ..., -1.9482, -1.9307, -1.9307],
          ...,
          [-1.1429, -0.9328, -0.9328,  ..., -1.5630, -1.5980, -1.5980],
          [-0.9678, -0.8978, -0.9853,  ..., -1.5105, -1.5280, -1.5105],
          [-0.7052, -0.9153, -1.1954,  ..., -1.3880, -1.3880, -1.3704]],

         [[-1.6999, -1.6650, -1.6476,  ..., -1.6650, -1.6824, -1.6824],
          [-1.6302, -1.6302, -1.6476,  ..., -1.6650, -1.6650, -1.6476],
          [-1.5604, -1.5953, -1.6650,  ..., -1.6650, -1.6476, -1.6302],
          ...,
          [-1.6650, -1.3513, -1.3861,  ..., -1.7696, -1.7870, -1.8044],
          [-1.5604, -1.3339, -1.4036,  ..., -1.7870, -1.7696, -1.7522],
          [-1.3339, -1.3513, -1.5430,  ..., -1.7696, -1.6999, -1.6824]]],


        [[[ 1.7694,  1.7694,  1.7694,  ...,  1.6153,  1.6153,  1.6153],
          [ 1.7694,  1.7694,  1.7523,  ...,  1.6153,  1.6153,  1.6153],
          [ 1.7694,  1.7694,  1.7352,  ...,  1.6324,  1.6153,  1.6153],
          ...,
          [ 1.3413,  1.4612,  1.4783,  ...,  1.2214,  1.1187,  1.2043],
          [ 1.4440,  1.4783,  1.5982,  ...,  1.1015,  1.1187,  1.2899],
          [ 1.4954,  1.5639,  1.5468,  ...,  1.0159,  1.1358,  1.2899]],

         [[ 1.9384,  1.9384,  1.9384,  ...,  1.9384,  1.9384,  1.9384],
          [ 1.9384,  1.9384,  1.9384,  ...,  1.9384,  1.9384,  1.9384],
          [ 1.9384,  1.9384,  1.9384,  ...,  1.9384,  1.9384,  1.9384],
          ...,
          [ 1.6758,  1.7808,  1.7983,  ...,  1.4307,  1.3431,  1.4657],
          [ 1.7283,  1.7808,  1.8683,  ...,  1.3256,  1.3782,  1.5707],
          [ 1.7458,  1.7983,  1.7983,  ...,  1.2556,  1.3957,  1.5882]],

         [[ 2.1520,  2.1520,  2.1520,  ...,  2.1171,  2.1171,  2.1171],
          [ 2.1520,  2.1520,  2.1346,  ...,  2.1171,  2.1171,  2.1171],
          [ 2.1520,  2.1520,  2.1346,  ...,  2.1171,  2.1171,  2.1171],
          ...,
          [ 2.0125,  2.0823,  2.0823,  ...,  1.6465,  1.5942,  1.7163],
          [ 2.0648,  2.0823,  2.1171,  ...,  1.5420,  1.6291,  1.8208],
          [ 2.0648,  2.0997,  2.0474,  ...,  1.4897,  1.6640,  1.8731]]]])
boxes----> [tensor([[-0.0029,  0.1909,  0.9971,  1.0000]]), tensor([[0.5833, 0.3333, 0.7338, 0.4016]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.8097, -1.5870, -1.4329,  ...,  0.5022,  0.3823,  0.4508],
          [ 0.8104,  1.4612,  1.5810,  ...,  0.8961,  0.8618,  0.8104],
          [ 1.1358,  1.0159,  0.6049,  ...,  0.9988,  1.1187,  0.8276],
          ...,
          [ 0.7077,  0.6049,  0.5878,  ...,  2.1290,  2.1462,  2.1633],
          [ 0.7077,  0.6221,  0.4166,  ...,  2.0263,  1.9749,  1.9235],
          [ 0.8104,  0.8447,  0.4166,  ...,  0.7591,  1.5297,  2.0948]],

         [[-1.6155, -1.4055, -1.2304,  ...,  1.4307,  1.3782,  1.4832],
          [ 0.9055,  1.6057,  1.7108,  ...,  1.8158,  1.7458,  1.6232],
          [ 1.2206,  1.0980,  0.6254,  ...,  1.8859,  1.8683,  1.3256],
          ...,
          [ 0.6429,  0.5028,  0.4328,  ...,  1.7283,  1.8158,  1.8683],
          [ 0.5553,  0.4678,  0.3102,  ...,  1.7808,  1.6933,  1.6758],
          [ 0.5203,  0.5028,  0.2577,  ...,  0.4678,  1.2731,  1.9034]],

         [[-1.8044, -1.5953, -1.3513,  ...,  2.5180,  2.4134,  2.3263],
          [ 0.6356,  1.2631,  1.4025,  ...,  2.6226,  2.6226,  2.6051],
          [ 0.9145,  0.6879,  0.1999,  ...,  2.5877,  2.6400,  2.6400],
          ...,
          [-0.2358, -0.3753, -0.2184,  ...,  0.6182,  0.6356,  0.6182],
          [-0.2881, -0.4275, -0.2184,  ...,  1.1237,  0.8622,  0.7925],
          [-0.1138, -0.0615, -0.0615,  ...,  0.2348,  0.8971,  1.3328]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.7421, 0.7849, 0.8690, 0.8674]]), tensor([[0.8764, 0.4502, 0.9986, 0.7562]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 1.2728,  1.2728,  1.2728,  ...,  1.7180,  1.7180,  1.7180],
          [ 1.2899,  1.2728,  1.2557,  ...,  1.7180,  1.7180,  1.7180],
          [ 1.2557,  1.2385,  1.2385,  ...,  1.7009,  1.7009,  1.7180],
          ...,
          [-1.3473, -1.3473, -1.3815,  ..., -1.0733, -1.0904, -1.2103],
          [-1.2617, -1.2617, -1.2959,  ..., -1.1760, -1.0733, -1.3302],
          [-1.1932, -1.2103, -1.2788,  ..., -1.3644, -1.2274, -1.3473]],

         [[ 1.6057,  1.6057,  1.6057,  ...,  1.8859,  1.8859,  1.8859],
          [ 1.6232,  1.6057,  1.5882,  ...,  1.8859,  1.8859,  1.8859],
          [ 1.5882,  1.5707,  1.5882,  ...,  1.8859,  1.8859,  1.8859],
          ...,
          [-1.2479, -1.2479, -1.2654,  ..., -0.8978, -0.8803, -0.9853],
          [-1.1779, -1.1779, -1.1954,  ..., -0.9328, -0.8277, -1.0553],
          [-1.1078, -1.1253, -1.1779,  ..., -1.0903, -0.9328, -1.0378]],

         [[ 1.9951,  1.9951,  1.9951,  ...,  2.0997,  2.0997,  2.0997],
          [ 2.0125,  1.9951,  1.9777,  ...,  2.0997,  2.0997,  2.0997],
          [ 2.0125,  1.9951,  1.9951,  ...,  2.0997,  2.0997,  2.0997],
          ...,
          [-1.1247, -1.1247, -1.1596,  ..., -0.9678, -0.9853, -1.1421],
          [-1.0550, -1.0550, -1.0898,  ..., -1.0898, -0.9853, -1.2641],
          [-0.9853, -1.0027, -1.0724,  ..., -1.2990, -1.1596, -1.2816]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[ 0.3710,  0.3843,  0.5081,  0.5537],
        [-0.0040,  0.3512,  0.5444,  0.9545]]), tensor([[0.6360, 0.1972, 0.6481, 0.2254]])]
labels----> [tensor([7, 7]), tensor([7])]
difficulties----> [tensor([1, 0], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[ 0.6392,  0.6563,  0.6906,  ..., -1.0219, -1.0390, -1.0390],
          [ 0.6392,  0.6563,  0.6734,  ..., -1.0219, -1.0219, -1.0219],
          [ 0.6392,  0.6734,  0.6906,  ..., -1.0219, -0.9877, -0.9877],
          ...,
          [-1.8097, -1.8097, -1.8097,  ..., -1.7925, -1.7754, -1.7583],
          [-1.7925, -1.7925, -1.7754,  ..., -1.7754, -1.7754, -1.7754],
          [-1.7754, -1.7583, -1.7412,  ..., -1.7754, -1.7925, -1.7925]],

         [[ 0.9580,  0.9755,  0.9930,  ..., -0.9153, -0.9328, -0.9328],
          [ 0.9580,  0.9755,  0.9930,  ..., -0.9153, -0.9153, -0.9153],
          [ 0.9405,  0.9580,  0.9755,  ..., -0.9153, -0.8978, -0.8803],
          ...,
          [-1.6506, -1.6681, -1.6506,  ..., -1.6856, -1.6681, -1.6506],
          [-1.6681, -1.6506, -1.6331,  ..., -1.6681, -1.6681, -1.6681],
          [-1.6506, -1.6331, -1.6155,  ..., -1.6681, -1.6856, -1.6856]],

         [[ 1.2457,  1.2805,  1.3328,  ..., -0.7413, -0.7587, -0.7587],
          [ 1.2457,  1.2631,  1.2980,  ..., -0.7413, -0.7413, -0.7413],
          [ 1.2282,  1.2457,  1.2631,  ..., -0.7413, -0.7238, -0.7064],
          ...,
          [-1.4907, -1.5081, -1.5081,  ..., -1.5604, -1.5604, -1.5604],
          [-1.5256, -1.5081, -1.4907,  ..., -1.5430, -1.5604, -1.5604],
          [-1.5256, -1.5081, -1.4907,  ..., -1.5430, -1.5604, -1.5604]]],


        [[[-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          ...,
          [-0.0629, -0.1314,  0.2453,  ...,  1.0844,  0.8104,  0.6734],
          [-0.3027, -0.1143,  0.2453,  ...,  0.7248,  0.6906,  0.6221],
          [-0.5082, -0.0116,  0.2282,  ...,  0.2624,  0.4679,  0.5536]],

         [[-2.0357, -2.0357, -2.0357,  ..., -2.0357, -2.0357, -2.0357],
          [-2.0357, -2.0357, -2.0357,  ..., -2.0357, -2.0357, -2.0357],
          [-2.0357, -2.0357, -2.0357,  ..., -2.0357, -2.0357, -2.0357],
          ...,
          [ 0.3803,  0.1176,  0.3803,  ...,  1.1331,  0.5728,  0.4853],
          [ 0.1352,  0.1527,  0.3978,  ...,  0.9055,  0.6779,  0.6779],
          [-0.0924,  0.2577,  0.3978,  ...,  0.5728,  0.6604,  0.8354]],

         [[-1.8044, -1.8044, -1.8044,  ..., -1.8044, -1.8044, -1.8044],
          [-1.8044, -1.8044, -1.8044,  ..., -1.8044, -1.8044, -1.8044],
          [-1.8044, -1.8044, -1.8044,  ..., -1.8044, -1.8044, -1.8044],
          ...,
          [-1.8044, -1.8044, -1.7696,  ..., -1.1944, -1.6476, -1.7522],
          [-1.8044, -1.8044, -1.7696,  ..., -1.4733, -1.7173, -1.6999],
          [-1.8044, -1.7870, -1.7870,  ..., -1.8044, -1.8044, -1.6302]]]])
boxes----> [tensor([[0., 0., 1., 1.]]), tensor([[0.0198, 0.2732, 0.7673, 0.9951],
        [0.1881, 0.0878, 0.2500, 0.1707],
        [0.2599, 0.0878, 0.3416, 0.1805]])]
labels----> [tensor([7]), tensor([7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 1, 1], dtype=torch.uint8)]
images----> tensor([[[[-0.7993, -0.9363, -1.0390,  ..., -0.2513, -0.2513, -0.1999],
          [ 0.0569, -0.0629, -0.2684,  ..., -0.1657, -0.1828, -0.1828],
          [ 0.2453,  0.2796,  0.2111,  ..., -0.1828, -0.1999, -0.2513],
          ...,
          [-0.2684, -0.2684, -0.3369,  ..., -0.4054, -0.3198, -0.3883],
          [-0.7137, -0.5767, -0.2342,  ..., -0.3541, -0.3369, -0.3712],
          [-0.5596, -0.4226, -0.2856,  ..., -0.5938, -0.6965, -0.7993]],

         [[-0.8277, -0.9853, -1.0903,  ..., -0.3375, -0.3375, -0.2850],
          [-0.0574, -0.1800, -0.3725,  ..., -0.1975, -0.2325, -0.2500],
          [ 0.0826,  0.1352,  0.0826,  ..., -0.2150, -0.2325, -0.2850],
          ...,
          [-0.1975, -0.2675, -0.3550,  ..., -0.4251, -0.3375, -0.4076],
          [-0.6001, -0.5476, -0.2150,  ..., -0.3725, -0.3550, -0.3901],
          [-0.5126, -0.3725, -0.2500,  ..., -0.6001, -0.7052, -0.8102]],

         [[-0.9678, -1.0724, -1.1596,  ..., -0.1661, -0.1661, -0.1312],
          [-0.1487, -0.3404, -0.5670,  ..., -0.0615, -0.0964, -0.0964],
          [ 0.0256, -0.0441, -0.1312,  ..., -0.0790, -0.0964, -0.1487],
          ...,
          [-0.1487, -0.1835, -0.2184,  ..., -0.3927, -0.3230, -0.3927],
          [-0.5495, -0.4798, -0.1312,  ..., -0.3578, -0.3404, -0.3753],
          [-0.4624, -0.3230, -0.2010,  ..., -0.6018, -0.7064, -0.8284]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.3417, 0.1107, 1.0000, 0.7860]]), tensor([[0.5349, 0.3131, 0.5637, 0.3427]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-1.5357, -1.6042, -1.4158,  ..., -1.4329, -1.4158, -1.4672],
          [-1.5185, -1.5870, -1.3987,  ..., -1.4500, -1.3987, -1.4500],
          [-1.4672, -1.5185, -1.3302,  ..., -1.4672, -1.3815, -1.4329],
          ...,
          [-1.9809, -1.8953, -1.7754,  ...,  0.4166,  0.4166,  0.4337],
          [-1.9295, -1.8610, -1.7583,  ...,  0.4166,  0.4166,  0.4337],
          [-1.9124, -1.8439, -1.7583,  ...,  0.4166,  0.4166,  0.4337]],

         [[-1.4930, -1.5105, -1.2304,  ..., -1.3704, -1.2829, -1.2654],
          [-1.4930, -1.4930, -1.2129,  ..., -1.3880, -1.2829, -1.2654],
          [-1.4755, -1.4580, -1.1779,  ..., -1.4405, -1.3004, -1.2829],
          ...,
          [-1.8606, -1.7556, -1.6155,  ...,  0.2577,  0.2577,  0.2752],
          [-1.8081, -1.7031, -1.5980,  ...,  0.2577,  0.2577,  0.2752],
          [-1.7906, -1.6856, -1.5980,  ...,  0.2577,  0.2577,  0.2752]],

         [[-1.1247, -1.1073, -0.8458,  ..., -1.2467, -1.1421, -1.1596],
          [-1.1247, -1.1073, -0.8458,  ..., -1.2467, -1.1421, -1.1596],
          [-1.1421, -1.1247, -0.8458,  ..., -1.2641, -1.1247, -1.1596],
          ...,
          [-1.7696, -1.6999, -1.6127,  ..., -0.1312, -0.1487, -0.1312],
          [-1.7173, -1.6650, -1.5953,  ..., -0.1312, -0.1487, -0.1312],
          [-1.6999, -1.6476, -1.5953,  ..., -0.1312, -0.1487, -0.1312]]]])
boxes----> [tensor([[0.2978, 0.6113, 0.4550, 0.7098]]), tensor([[0.1760, 0.5481, 0.5150, 1.0000]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 0.5707,  0.6221,  0.6221,  ...,  0.4508,  0.4508,  0.4679],
          [ 0.6563,  0.6563,  0.6563,  ...,  0.4679,  0.4679,  0.4679],
          [ 0.6906,  0.6392,  0.6392,  ...,  0.4508,  0.4508,  0.4508],
          ...,
          [-1.8610, -1.8782, -1.8610,  ..., -1.8439, -1.8097, -1.8268],
          [-1.8610, -1.8439, -1.8268,  ..., -1.8268, -1.8439, -1.7754],
          [-1.9124, -1.8953, -1.8610,  ..., -1.7925, -1.8268, -1.8782]],

         [[ 1.2731,  1.3081,  1.3256,  ...,  1.2731,  1.2731,  1.2906],
          [ 1.3431,  1.3431,  1.3606,  ...,  1.2906,  1.2906,  1.2906],
          [ 1.3782,  1.3606,  1.3431,  ...,  1.2731,  1.2731,  1.2731],
          ...,
          [-1.7031, -1.7206, -1.7031,  ..., -1.6681, -1.6506, -1.6681],
          [-1.7031, -1.6856, -1.6681,  ..., -1.6331, -1.6506, -1.5805],
          [-1.7556, -1.7381, -1.7031,  ..., -1.5455, -1.5805, -1.6506]],

         [[ 1.8034,  1.8383,  1.8731,  ...,  1.8905,  1.8905,  1.9080],
          [ 1.8731,  1.8731,  1.8731,  ...,  1.9080,  1.9080,  1.9080],
          [ 1.9080,  1.8731,  1.8557,  ...,  1.8905,  1.8905,  1.8905],
          ...,
          [-1.4210, -1.4210, -1.4036,  ..., -1.3339, -1.3164, -1.3339],
          [-1.4036, -1.3861, -1.3687,  ..., -1.2816, -1.2990, -1.2293],
          [-1.4733, -1.4559, -1.4210,  ..., -1.2467, -1.2816, -1.3339]]],


        [[[-0.6452, -0.6109, -0.5767,  ...,  0.3994,  0.3138,  0.2624],
          [-0.5767, -0.5424, -0.5082,  ..., -0.6109, -0.6281, -0.6452],
          [-0.6281, -0.5938, -0.5596,  ..., -0.1828, -0.1828, -0.1999],
          ...,
          [-0.0629, -0.1314, -0.2513,  ...,  0.0227,  0.0227,  0.0398],
          [-0.1828, -0.2513, -0.3712,  ..., -0.0287, -0.0116, -0.0116],
          [-0.3712, -0.4226, -0.5424,  ...,  0.3652,  0.3481,  0.3309]],

         [[-0.4426, -0.4076, -0.3725,  ...,  0.7654,  0.6954,  0.6429],
          [-0.4076, -0.3901, -0.3550,  ..., -0.2850, -0.2850, -0.3200],
          [-0.3725, -0.3375, -0.3025,  ..., -0.0399, -0.0399, -0.0574],
          ...,
          [ 0.2227,  0.1702,  0.0651,  ...,  0.1527,  0.1702,  0.1877],
          [ 0.1001,  0.0476, -0.0399,  ..., -0.0049, -0.0049,  0.0126],
          [-0.0924, -0.1099, -0.1975,  ...,  0.3452,  0.3277,  0.3102]],

         [[-0.2358, -0.2010, -0.1661,  ...,  1.1934,  1.1237,  1.0714],
          [-0.2184, -0.1835, -0.1487,  ...,  0.1128,  0.0953,  0.0779],
          [-0.1661, -0.1312, -0.0964,  ...,  0.2173,  0.2173,  0.1999],
          ...,
          [ 1.0365,  1.0365,  0.9842,  ...,  0.1999,  0.1999,  0.2173],
          [ 0.8797,  0.9145,  0.8971,  ...,  0.0779,  0.0605,  0.0256],
          [ 0.6879,  0.7228,  0.6879,  ...,  0.4091,  0.3568,  0.3393]]]])
boxes----> [tensor([[0.5083, 0.6008, 0.6208, 0.6860],
        [0.2083, 0.6357, 0.3000, 0.7016],
        [0.3750, 0.6047, 0.4375, 0.6512]]), tensor([[0.0000, 0.3652, 0.5885, 0.6064]])]
labels----> [tensor([7, 7, 7]), tensor([7])]
difficulties----> [tensor([1, 0, 1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.8849, -0.8678, -0.8335,  ..., -0.7137, -0.7137, -0.7137],
          [-0.8849, -0.8678, -0.8678,  ..., -0.7308, -0.7308, -0.7308],
          [-0.8849, -0.8678, -0.8849,  ..., -0.7308, -0.7479, -0.7479],
          ...,
          [-0.3883, -0.4054, -0.4397,  ...,  0.0569,  0.0569,  0.0741],
          [-0.6965, -0.7137, -0.7308,  ..., -0.7137, -0.7308, -0.7479],
          [-0.6452, -0.7308, -0.8164,  ..., -1.1589, -1.1247, -1.0733]],

         [[-0.6352, -0.6176, -0.6001,  ..., -0.4601, -0.4601, -0.4601],
          [-0.6176, -0.6001, -0.6001,  ..., -0.4426, -0.4426, -0.4426],
          [-0.5826, -0.5651, -0.5826,  ..., -0.4251, -0.4251, -0.4426],
          ...,
          [-0.2325, -0.2325, -0.2675,  ...,  0.3102,  0.3277,  0.3277],
          [-0.5476, -0.5651, -0.5826,  ..., -0.4601, -0.4776, -0.4951],
          [-0.4951, -0.5651, -0.6352,  ..., -1.1253, -1.1078, -1.0553]],

         [[-0.1312, -0.1138, -0.0790,  ...,  0.0605,  0.0431,  0.0431],
          [-0.1138, -0.0964, -0.0964,  ...,  0.0605,  0.0605,  0.0605],
          [-0.0964, -0.0790, -0.0790,  ...,  0.0953,  0.0779,  0.0605],
          ...,
          [ 0.0779,  0.0605,  0.0256,  ...,  0.5485,  0.5659,  0.5834],
          [-0.2532, -0.2707, -0.3055,  ..., -0.2358, -0.2532, -0.2707],
          [-0.2010, -0.2881, -0.3753,  ..., -0.8633, -0.8110, -0.7761]]],


        [[[ 0.3652,  0.3994,  0.3138,  ...,  0.6563,  0.2453,  0.2453],
          [ 0.3481,  0.3823,  0.3309,  ...,  0.6221,  0.2282,  0.2796],
          [ 0.3309,  0.3823,  0.3652,  ...,  0.6049,  0.1939,  0.2796],
          ...,
          [ 0.0912,  0.0569,  0.0398,  ..., -0.1486, -0.1314, -0.1143],
          [ 0.2453,  0.1426,  0.1426,  ..., -0.1143, -0.1314, -0.0972],
          [ 0.4166,  0.4166,  0.3138,  ..., -0.1143, -0.1314, -0.1314]],

         [[-0.0574, -0.0574, -0.0574,  ...,  0.3978,  0.0126,  0.0476],
          [-0.0749, -0.0574, -0.0399,  ...,  0.3978,  0.0126,  0.1176],
          [-0.0924, -0.1099, -0.0574,  ...,  0.3978, -0.0224,  0.1176],
          ...,
          [ 0.1527,  0.1877,  0.1702,  ..., -0.0399, -0.0574, -0.0749],
          [ 0.2227,  0.1352,  0.1702,  ..., -0.0224, -0.0224, -0.0224],
          [ 0.3277,  0.2752,  0.1702,  ..., -0.0224, -0.0224, -0.0224]],

         [[-0.4973, -0.4624, -0.4798,  ...,  0.4091,  0.1651, -0.0790],
          [-0.5147, -0.4624, -0.4450,  ...,  0.4091,  0.1476, -0.0790],
          [-0.5147, -0.4973, -0.4624,  ...,  0.4265,  0.1128, -0.0964],
          ...,
          [ 0.3045,  0.3916,  0.4614,  ...,  0.1999,  0.1999,  0.1999],
          [ 0.1476,  0.2173,  0.3393,  ...,  0.2173,  0.1999,  0.1999],
          [ 0.0953,  0.2173,  0.1999,  ...,  0.2173,  0.1999,  0.1999]]]])
boxes----> [tensor([[0.4720, 0.3893, 0.7140, 0.5067],
        [0.2740, 0.1467, 0.3300, 0.1840],
        [0.0920, 0.3013, 0.2340, 0.3307],
        [0.0040, 0.2880, 0.1260, 0.3227]]), tensor([[-0.0023,  0.0376,  0.9631,  1.0000],
        [-0.0023,  0.0502,  0.4078,  0.7241]])]
labels----> [tensor([7, 7, 7, 7]), tensor([7, 7])]
difficulties----> [tensor([0, 1, 1, 1], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 1.4954,  1.5297,  1.4783,  ...,  1.5639,  1.5639,  1.4954],
          [ 1.5468,  1.5297,  1.5468,  ...,  1.5639,  1.5639,  1.5297],
          [ 1.5468,  1.5468,  1.5639,  ...,  1.5639,  1.5639,  1.4954],
          ...,
          [-0.1828, -0.3712, -0.3883,  ..., -0.1143, -0.1314, -0.0116],
          [-0.3027, -0.5082, -0.4226,  ...,  0.0227,  0.2453,  0.4166],
          [-0.3198, -0.2171, -0.1143,  ...,  0.0569, -0.1314, -0.3027]],

         [[ 1.1681,  1.1681,  1.1506,  ...,  1.4832,  1.4832,  1.2556],
          [ 1.2031,  1.2381,  1.3957,  ...,  1.5007,  1.4832,  1.2906],
          [ 1.1681,  1.3081,  1.5357,  ...,  1.4832,  1.5007,  1.2556],
          ...,
          [ 0.0126, -0.1975, -0.1975,  ...,  0.3452,  0.3277,  0.4328],
          [-0.1275, -0.3375, -0.2500,  ...,  0.4853,  0.7129,  0.8880],
          [-0.1450, -0.0399,  0.0651,  ...,  0.5378,  0.3452,  0.1702]],

         [[ 1.0017,  0.9842,  1.0017,  ...,  1.5942,  1.6117,  1.3328],
          [ 0.9842,  1.0539,  1.2631,  ...,  1.5942,  1.5942,  1.3851],
          [ 0.9668,  1.1759,  1.5071,  ...,  1.5942,  1.6117,  1.3502],
          ...,
          [ 0.3045,  0.1128,  0.0953,  ...,  0.7751,  0.7751,  0.8622],
          [ 0.1999, -0.0267,  0.0779,  ...,  0.9145,  1.1237,  1.2980],
          [ 0.1825,  0.2871,  0.3916,  ...,  0.9494,  0.7576,  0.5834]]],


        [[[-1.4500, -1.4500, -1.4329,  ...,  1.9064,  1.8722,  1.8037],
          [-1.4672, -1.4329, -1.4158,  ...,  1.9064,  1.8893,  1.8550],
          [-1.4158, -1.3987, -1.3987,  ...,  1.8893,  1.8722,  1.8208],
          ...,
          [-1.8268, -1.8097, -1.7754,  ..., -1.9295, -1.9295, -1.9467],
          [-1.7069, -1.6727, -1.6727,  ..., -1.8439, -1.8439, -1.8268],
          [-1.7925, -1.7240, -1.6555,  ..., -1.8439, -1.8268, -1.7925]],

         [[-1.0028, -1.0028, -0.9853,  ...,  2.0784,  2.0609,  2.0259],
          [-0.9503, -0.9153, -0.8978,  ...,  2.0784,  2.0784,  2.0784],
          [-0.8627, -0.8277, -0.8277,  ...,  2.0609,  2.0784,  2.0784],
          ...,
          [-1.7031, -1.7381, -1.7381,  ..., -1.8431, -1.8431, -1.8606],
          [-1.5805, -1.5980, -1.6331,  ..., -1.7731, -1.7731, -1.7556],
          [-1.7031, -1.6331, -1.5805,  ..., -1.7556, -1.7381, -1.7031]],

         [[-0.8981, -0.8458, -0.7761,  ...,  2.2914,  2.2566,  2.2043],
          [-0.8633, -0.7936, -0.7413,  ...,  2.2914,  2.2740,  2.2566],
          [-0.7936, -0.7238, -0.6890,  ...,  2.2740,  2.2740,  2.2391],
          ...,
          [-1.4384, -1.4384, -1.4210,  ..., -1.6127, -1.6127, -1.6302],
          [-1.3164, -1.3339, -1.3687,  ..., -1.5430, -1.5430, -1.5256],
          [-1.5081, -1.4559, -1.4210,  ..., -1.5081, -1.4907, -1.4559]]]])
boxes----> [tensor([[0.0000, 0.1853, 0.9103, 0.9653]]), tensor([[-0.0048,  0.0987,  0.9952,  0.9638]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.4739, -0.8164, -0.5938,  ...,  2.2489,  2.2489,  2.2489],
          [-0.7137, -0.3369,  0.6563,  ...,  2.2489,  2.2489,  2.2489],
          [ 0.9646,  1.1700,  0.8789,  ...,  2.2489,  2.2489,  2.2489],
          ...,
          [ 1.4612,  0.4166, -0.5938,  ...,  2.2489,  2.2489,  2.2489],
          [ 1.1700,  0.9132,  0.0912,  ...,  2.2489,  2.2489,  2.2489],
          [-0.1143,  0.6734,  1.0159,  ...,  2.2489,  2.2489,  2.2489]],

         [[ 0.3452,  0.0126,  0.2927,  ...,  2.4286,  2.4286,  2.4286],
          [-0.0924,  0.2927,  1.2381,  ...,  2.4286,  2.4286,  2.4286],
          [ 1.3081,  1.5357,  1.2206,  ...,  2.4286,  2.4286,  2.4286],
          ...,
          [ 1.9209,  0.8704,  0.0301,  ...,  2.4286,  2.4286,  2.4286],
          [ 1.5532,  1.3081,  0.5203,  ...,  2.4286,  2.4286,  2.4286],
          [ 0.2577,  1.0805,  1.3431,  ...,  2.4286,  2.4286,  2.4286]],

         [[ 0.1825, -0.1661,  0.2522,  ...,  2.6400,  2.6400,  2.6400],
          [-0.4450, -0.0441,  0.8797,  ...,  2.6400,  2.6400,  2.6400],
          [ 0.7054,  0.8971,  0.4439,  ...,  2.6400,  2.6400,  2.6400],
          ...,
          [ 0.4962, -0.4973, -1.2293,  ...,  2.6400,  2.6400,  2.6400],
          [ 0.2871,  0.0431, -0.8458,  ...,  2.6400,  2.6400,  2.6400],
          [-0.7413, -0.0615, -0.0267,  ...,  2.6400,  2.6400,  2.6400]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.3500, 0.3003, 0.5640, 0.8709]]), tensor([[0.2571, 0.2989, 0.9429, 0.8081]])]
labels----> [tensor([19]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.6623, -0.6794, -0.6965,  ..., -0.3198, -0.3198, -0.3027],
          [-0.6794, -0.6623, -0.6109,  ..., -0.2856, -0.3027, -0.3198],
          [-0.6623, -0.6281, -0.5424,  ..., -0.2513, -0.3027, -0.3198],
          ...,
          [-0.5596, -0.5596, -0.5596,  ..., -0.3198, -0.3369, -0.3198],
          [-0.5424, -0.5253, -0.5424,  ..., -0.2856, -0.3198, -0.3198],
          [-0.4739, -0.4054, -0.4397,  ..., -0.1999, -0.2171, -0.2856]],

         [[-0.3901, -0.4076, -0.4251,  ..., -0.1099, -0.1099, -0.0749],
          [-0.4076, -0.3901, -0.3375,  ..., -0.0749, -0.0924, -0.0924],
          [-0.4076, -0.3550, -0.2675,  ..., -0.0399, -0.0924, -0.1099],
          ...,
          [-0.4426, -0.4426, -0.4426,  ..., -0.3550, -0.3725, -0.3375],
          [-0.4251, -0.4076, -0.4251,  ..., -0.3200, -0.3550, -0.3550],
          [-0.3550, -0.2850, -0.3200,  ..., -0.2325, -0.2500, -0.3200]],

         [[ 0.0082, -0.0092, -0.0267,  ...,  0.1999,  0.1999,  0.2348],
          [-0.0092,  0.0082,  0.0431,  ...,  0.2348,  0.2173,  0.2173],
          [-0.0092,  0.0256,  0.1128,  ...,  0.2696,  0.2173,  0.1999],
          ...,
          [-0.2532, -0.2532, -0.2532,  ..., -0.1312, -0.1487, -0.1312],
          [-0.2358, -0.2184, -0.2358,  ..., -0.0964, -0.1312, -0.1312],
          [-0.1661, -0.0964, -0.1312,  ..., -0.0092, -0.0267, -0.0964]]],


        [[[-0.1828, -0.1828, -0.1828,  ..., -2.0152, -2.0494, -2.0323],
          [-0.1657, -0.1657, -0.1657,  ..., -1.8782, -1.8953, -1.9638],
          [-0.1657, -0.1657, -0.1657,  ..., -1.8268, -1.8439, -1.8610],
          ...,
          [-1.8953, -1.9638, -1.9809,  ..., -1.1589, -1.1589, -1.2274],
          [-1.9467, -1.9809, -1.9980,  ..., -1.1247, -1.1932, -1.2274],
          [-1.9638, -1.9809, -2.0323,  ..., -1.2274, -1.2274, -1.1247]],

         [[ 0.0476,  0.0301,  0.0301,  ..., -1.9132, -1.9482, -1.9307],
          [ 0.0476,  0.0476,  0.0476,  ..., -1.7906, -1.8081, -1.8782],
          [ 0.0476,  0.0651,  0.0651,  ..., -1.7381, -1.7381, -1.7381],
          ...,
          [-1.8081, -1.8606, -1.8782,  ..., -1.1429, -1.1604, -1.2304],
          [-1.8606, -1.8782, -1.9132,  ..., -1.1078, -1.1779, -1.2304],
          [-1.8782, -1.8957, -1.9482,  ..., -1.2129, -1.2129, -1.1253]],

         [[ 0.3568,  0.3393,  0.3393,  ..., -1.6650, -1.6999, -1.6824],
          [ 0.3568,  0.3568,  0.3568,  ..., -1.5604, -1.5953, -1.6476],
          [ 0.3568,  0.3568,  0.3568,  ..., -1.5256, -1.5430, -1.5430],
          ...,
          [-1.5256, -1.5779, -1.6127,  ..., -0.9678, -0.9853, -1.0550],
          [-1.5779, -1.5953, -1.6476,  ..., -0.9330, -1.0027, -1.0550],
          [-1.5953, -1.6127, -1.6824,  ..., -1.0376, -1.0376, -0.9504]]]])
boxes----> [tensor([[-0.0031,  0.1349,  0.9969,  0.9116]]), tensor([[0.0000, 0.5290, 0.3975, 1.0000]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ...,  0.2624,  0.2453,  0.2453],
          [-0.0116, -0.0116, -0.0116,  ...,  0.3138,  0.3138,  0.3138],
          [-0.0116, -0.0116, -0.0116,  ...,  0.3652,  0.3823,  0.3823],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ...,  0.7304,  0.7129,  0.7129],
          [-0.0049, -0.0049, -0.0049,  ...,  0.7479,  0.7479,  0.7479],
          [-0.0049, -0.0049, -0.0049,  ...,  0.7654,  0.7654,  0.7829],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ...,  1.1411,  1.1411,  1.1411],
          [-0.0092, -0.0092, -0.0092,  ...,  1.1411,  1.1411,  1.1411],
          [-0.0092, -0.0092, -0.0092,  ...,  1.1411,  1.1411,  1.1411],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.1743, 0.4069, 0.2892, 0.4738]]), tensor([[0.4439, 0.2758, 0.9362, 0.4970]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 0.9303,  0.9474,  0.9646,  ...,  0.9474,  0.9646,  0.9646],
          [ 0.9303,  0.9646,  0.9988,  ...,  0.9646,  0.9817,  0.9817],
          [ 0.9817,  1.0159,  1.0673,  ...,  0.9817,  0.9817,  0.9817],
          ...,
          [-1.8097, -1.8097, -1.8268,  ..., -1.5699, -1.5528, -1.5528],
          [-1.8097, -1.8097, -1.8268,  ..., -1.5528, -1.5357, -1.5357],
          [-1.8097, -1.8097, -1.8268,  ..., -1.5357, -1.5357, -1.5357]],

         [[ 1.0105,  1.0105,  1.0280,  ...,  1.0280,  1.0280,  1.0280],
          [ 1.0105,  1.0280,  1.0630,  ...,  1.0455,  1.0280,  1.0280],
          [ 1.0630,  1.0805,  1.1331,  ...,  1.0455,  1.0280,  1.0280],
          ...,
          [-1.7206, -1.7206, -1.7381,  ..., -1.4405, -1.4405, -1.4405],
          [-1.7206, -1.7206, -1.7381,  ..., -1.4230, -1.4230, -1.4230],
          [-1.7206, -1.7206, -1.7381,  ..., -1.4055, -1.4055, -1.4055]],

         [[ 1.2108,  1.2108,  1.2457,  ...,  1.2457,  1.2457,  1.2457],
          [ 1.2108,  1.2282,  1.2805,  ...,  1.2631,  1.2457,  1.2457],
          [ 1.2631,  1.2805,  1.3328,  ...,  1.2805,  1.2457,  1.2457],
          ...,
          [-1.4907, -1.4907, -1.5081,  ..., -1.2119, -1.2119, -1.2119],
          [-1.4907, -1.4907, -1.5081,  ..., -1.1944, -1.2119, -1.2119],
          [-1.4907, -1.4907, -1.5081,  ..., -1.1944, -1.2119, -1.2119]]],


        [[[-0.7479, -0.7479, -0.7479,  ..., -0.3027, -0.3027, -0.3027],
          [-0.7308, -0.7479, -0.7479,  ..., -0.3198, -0.3369, -0.3369],
          [-0.7308, -0.7308, -0.7308,  ..., -0.3369, -0.3369, -0.3369],
          ...,
          [-0.0972, -0.1143, -0.0972,  ..., -0.4226, -0.4226, -0.4226],
          [-0.0972, -0.0972, -0.0972,  ..., -0.4397, -0.4397, -0.4397],
          [-0.0972, -0.0801, -0.0801,  ..., -0.4397, -0.4397, -0.4397]],

         [[-0.6176, -0.6176, -0.6176,  ..., -0.1450, -0.1450, -0.1450],
          [-0.6176, -0.6176, -0.6176,  ..., -0.1450, -0.1625, -0.1625],
          [-0.6176, -0.6176, -0.6176,  ..., -0.1625, -0.1800, -0.1800],
          ...,
          [ 0.0126, -0.0049,  0.0126,  ..., -0.3025, -0.3025, -0.3025],
          [ 0.0476,  0.0476,  0.0476,  ..., -0.3200, -0.3200, -0.3200],
          [ 0.0476,  0.0301,  0.0651,  ..., -0.3200, -0.3200, -0.3200]],

         [[-0.2184, -0.2184, -0.2184,  ...,  0.2522,  0.2522,  0.2522],
          [-0.2184, -0.2184, -0.2184,  ...,  0.2348,  0.2173,  0.2173],
          [-0.2184, -0.2184, -0.2184,  ...,  0.2173,  0.2173,  0.2173],
          ...,
          [ 0.3219,  0.3045,  0.3219,  ...,  0.0605,  0.0605,  0.0605],
          [ 0.3219,  0.3219,  0.3219,  ...,  0.0431,  0.0431,  0.0431],
          [ 0.3219,  0.3393,  0.3393,  ...,  0.0431,  0.0431,  0.0431]]]])
boxes----> [tensor([[0.0000, 0.0000, 0.6316, 1.0000]]), tensor([[0.0000, 0.2524, 1.0000, 0.8360]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-1.6213, -1.6384, -1.6555,  ..., -1.9980, -2.0152, -2.0152],
          [-1.6042, -1.6213, -1.6213,  ..., -1.9980, -2.0152, -2.0152],
          [-1.6898, -1.6384, -1.5870,  ..., -1.9809, -2.0152, -1.9980]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-1.5455, -1.5805, -1.5805,  ..., -1.9307, -1.9307, -1.9307],
          [-1.5455, -1.5630, -1.5455,  ..., -1.9307, -1.9307, -1.9307],
          [-1.6155, -1.5805, -1.5105,  ..., -1.9132, -1.9307, -1.9307]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-1.2990, -1.2990, -1.3339,  ..., -1.6302, -1.6476, -1.6650],
          [-1.2816, -1.2816, -1.2816,  ..., -1.6302, -1.6476, -1.6476],
          [-1.3513, -1.2990, -1.2467,  ..., -1.6127, -1.6476, -1.6302]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.2183, 1.0000, 1.0000]]), tensor([[0.0881, 0.2334, 0.1571, 0.4005]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.1284, 0.6516, 0.3793, 0.7195]]), tensor([[0.8910, 0.4759, 0.9169, 0.5095]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[-1.5870, -1.7925, -1.9638,  ..., -0.6281, -0.6281, -0.6109],
          [-1.5528, -1.7925, -1.9467,  ..., -0.6281, -0.6281, -0.6281],
          [-1.4843, -1.7754, -1.9124,  ..., -0.6452, -0.6281, -0.6452],
          ...,
          [-0.7650, -1.0219, -1.1247,  ..., -0.1143, -0.1314, -0.1657],
          [-1.0219, -1.2445, -1.3815,  ..., -0.0972, -0.1314, -0.1657],
          [-1.1760, -1.3815, -1.5699,  ..., -0.0801, -0.1314, -0.1657]],

         [[-1.4755, -1.6856, -1.8606,  ..., -0.6001, -0.6001, -0.5826],
          [-1.4405, -1.6681, -1.8256,  ..., -0.6176, -0.6001, -0.6001],
          [-1.3704, -1.6506, -1.7906,  ..., -0.6352, -0.6176, -0.6176],
          ...,
          [-0.5301, -0.7927, -0.8978,  ..., -0.1625, -0.1275, -0.1275],
          [-0.7927, -1.0203, -1.1604,  ..., -0.1450, -0.1099, -0.1099],
          [-0.9503, -1.1604, -1.3354,  ..., -0.1275, -0.0924, -0.0924]],

         [[-1.3861, -1.5604, -1.6999,  ..., -0.3055, -0.3055, -0.2881],
          [-1.3513, -1.5430, -1.6824,  ..., -0.3230, -0.3055, -0.3055],
          [-1.2816, -1.5256, -1.6476,  ..., -0.3404, -0.3230, -0.3230],
          ...,
          [ 0.0082, -0.2707, -0.3927,  ..., -0.0092, -0.0092, -0.0092],
          [-0.2532, -0.4973, -0.6890,  ...,  0.0082,  0.0082,  0.0082],
          [-0.4101, -0.6541, -0.8807,  ...,  0.0256,  0.0256,  0.0082]]],


        [[[ 1.0844,  0.6734,  0.1768,  ..., -0.7137, -0.7479, -1.1932],
          [ 1.1529,  0.6563,  0.2624,  ..., -1.0904, -1.1589, -1.0562],
          [ 1.2385,  0.7248,  0.1426,  ..., -1.1760, -1.3473, -1.0048],
          ...,
          [ 0.4337,  0.6563,  0.5022,  ...,  0.5193,  0.3481,  0.4166],
          [ 0.4166,  0.5878,  0.8104,  ...,  0.4508,  0.2967,  0.4851],
          [ 0.2282,  0.7419,  0.7591,  ...,  0.3823,  0.3309,  0.4508]],

         [[ 1.3256,  0.9055,  0.4153,  ..., -0.5826, -0.6176, -1.0728],
          [ 1.3957,  0.8880,  0.4853,  ..., -0.9678, -1.0378, -0.9328],
          [ 1.4657,  0.9405,  0.3452,  ..., -0.9678, -1.2129, -0.9153],
          ...,
          [ 0.5378,  0.7829,  0.6078,  ...,  0.6254,  0.4503,  0.5203],
          [ 0.5203,  0.7129,  0.9405,  ...,  0.5728,  0.3978,  0.6078],
          [ 0.3452,  0.8704,  0.8880,  ...,  0.4853,  0.4328,  0.5553]],

         [[ 1.4722,  1.0539,  0.5659,  ..., -0.4275, -0.4973, -1.0376],
          [ 1.5420,  1.0365,  0.6356,  ..., -0.8458, -0.9678, -0.9330],
          [ 1.6291,  1.0888,  0.4962,  ..., -1.0376, -1.2467, -0.8807],
          ...,
          [ 0.2173,  0.4614,  0.3045,  ...,  0.2173,  0.0431,  0.1128],
          [ 0.1999,  0.3916,  0.6182,  ...,  0.1302, -0.0267,  0.1825],
          [ 0.0082,  0.5311,  0.5659,  ...,  0.0779,  0.0431,  0.1651]]]])
boxes----> [tensor([[0.0000, 0.0495, 1.0000, 1.0000]]), tensor([[0.0000, 0.1128, 0.7241, 0.7895]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          ...,
          [ 2.2489,  2.2489,  2.2489,  ...,  1.3755,  1.2728,  0.9817],
          [ 2.2489,  2.2489,  2.2489,  ...,  1.8722,  1.5468,  0.9817],
          [ 2.2489,  2.2489,  2.2489,  ...,  2.1633,  1.6838,  1.0844]],

         [[-0.9153, -0.8803, -0.8803,  ..., -1.2654, -1.2654, -1.2829],
          [-0.8627, -0.8627, -0.8627,  ..., -1.3529, -1.3179, -1.3004],
          [-0.8803, -0.8452, -0.8452,  ..., -1.3004, -1.3179, -1.2829],
          ...,
          [ 2.4286,  2.4286,  2.4286,  ...,  1.2381,  1.2206,  1.0630],
          [ 2.4286,  2.4286,  2.4286,  ...,  1.9734,  1.8333,  1.5182],
          [ 2.4286,  2.4286,  2.4286,  ...,  2.4286,  2.3936,  2.1835]],

         [[-1.6650, -1.6824, -1.6824,  ..., -1.7347, -1.6999, -1.6476],
          [-1.6650, -1.6650, -1.6650,  ..., -1.7347, -1.7522, -1.6999],
          [-1.6824, -1.6476, -1.6476,  ..., -1.7522, -1.7522, -1.7522],
          ...,
          [ 2.5354,  2.5529,  2.5180,  ..., -1.4384, -1.3861, -1.4384],
          [ 2.6400,  2.6400,  2.6400,  ..., -0.6890, -1.1944, -1.4210],
          [ 2.6400,  2.6400,  2.6400,  ...,  0.8622,  0.3219, -0.2184]]],


        [[[ 0.7419,  0.7419,  0.7419,  ..., -0.0801, -0.0801, -0.0458],
          [ 0.7419,  0.7419,  0.7419,  ..., -0.0629, -0.0629, -0.0458],
          [ 0.7248,  0.7419,  0.7419,  ..., -0.0629, -0.0629, -0.0458],
          ...,
          [-1.3302, -0.9192, -0.9877,  ..., -1.6384, -1.7240, -1.7240],
          [-1.5014, -1.1418, -1.0390,  ..., -1.7583, -1.7583, -1.7069],
          [-1.5185, -1.2959, -1.1247,  ..., -1.7583, -1.7583, -1.7240]],

         [[ 0.5028,  0.5203,  0.5203,  ..., -0.4251, -0.4251, -0.4076],
          [ 0.4853,  0.5028,  0.4853,  ..., -0.4251, -0.4251, -0.3901],
          [ 0.4678,  0.4853,  0.4678,  ..., -0.4251, -0.4251, -0.3901],
          ...,
          [-1.5455, -1.2479, -1.2829,  ..., -1.6331, -1.7031, -1.7206],
          [-1.6856, -1.4230, -1.3004,  ..., -1.7031, -1.7381, -1.7381],
          [-1.6506, -1.5280, -1.3880,  ..., -1.6856, -1.7381, -1.7206]],

         [[ 0.2348,  0.2348,  0.2348,  ..., -0.5670, -0.5670, -0.5321],
          [ 0.2173,  0.2173,  0.2173,  ..., -0.5495, -0.5495, -0.5147],
          [ 0.1999,  0.2173,  0.2173,  ..., -0.5495, -0.5495, -0.5321],
          ...,
          [-1.4036, -1.1596, -1.1596,  ..., -1.4559, -1.4559, -1.4733],
          [-1.4384, -1.2816, -1.2293,  ..., -1.4907, -1.4559, -1.4907],
          [-1.4210, -1.4210, -1.3687,  ..., -1.4733, -1.4384, -1.4733]]]])
boxes----> [tensor([[-0.0028,  0.4269,  0.7746,  0.6316]]), tensor([[-0.0027,  0.0000,  0.9973,  1.0000]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-1.7583, -1.7583, -1.7412,  ..., -1.7412, -1.7240, -1.7240],
          [-1.7583, -1.7583, -1.7583,  ..., -1.7754, -1.7583, -1.7412],
          [-1.7583, -1.7583, -1.7754,  ..., -1.7925, -1.7754, -1.7583],
          ...,
          [ 0.0912,  0.0398, -0.0287,  ..., -0.4054, -0.4226, -0.4226],
          [ 0.0569,  0.0056, -0.0629,  ..., -0.4397, -0.4226, -0.4226],
          [-0.0116, -0.0458, -0.0801,  ..., -0.4739, -0.4226, -0.4054]],

         [[-1.3704, -1.3704, -1.3529,  ..., -1.3529, -1.3354, -1.3354],
          [-1.3704, -1.3704, -1.3704,  ..., -1.3704, -1.3529, -1.3354],
          [-1.3704, -1.3704, -1.3880,  ..., -1.3704, -1.3529, -1.3354],
          ...,
          [ 0.2752,  0.2227,  0.1527,  ..., -0.1975, -0.2150, -0.2150],
          [ 0.2402,  0.1877,  0.1176,  ..., -0.2325, -0.2150, -0.2150],
          [ 0.1702,  0.1352,  0.1001,  ..., -0.2675, -0.2150, -0.1975]],

         [[-1.2467, -1.2467, -1.2293,  ..., -1.2293, -1.2119, -1.2119],
          [-1.2467, -1.2467, -1.2467,  ..., -1.2467, -1.2293, -1.2119],
          [-1.2467, -1.2467, -1.2641,  ..., -1.2467, -1.2293, -1.2119],
          ...,
          [ 0.3045,  0.2522,  0.1825,  ..., -0.0441, -0.0615, -0.0615],
          [ 0.2696,  0.2173,  0.1651,  ..., -0.0790, -0.0615, -0.0615],
          [ 0.1999,  0.1651,  0.1476,  ..., -0.1138, -0.0615, -0.0441]]]])
boxes----> [tensor([[0.3964, 0.2724, 0.8728, 0.5566]]), tensor([[0.2526, 0.3037, 0.6649, 0.5794]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.2959, -1.2959, -1.2788,  ..., -1.3815, -0.7479, -0.3369],
          [-1.2959, -1.2959, -1.2788,  ..., -1.3644, -0.7650, -0.3883],
          [-1.3130, -1.3302, -1.3130,  ..., -1.1932, -0.9363, -0.7822],
          ...,
          [-0.8849, -0.9363, -1.0048,  ..., -0.1828, -0.1657, -0.1657],
          [-0.8164, -0.8678, -0.9363,  ..., -0.1828, -0.1657, -0.1486],
          [-0.8164, -0.8678, -0.9363,  ..., -0.1828, -0.1657, -0.1486]],

         [[-1.1954, -1.1954, -1.1779,  ..., -1.1779, -0.4776, -0.0399],
          [-1.1954, -1.1954, -1.1779,  ..., -1.1604, -0.4951, -0.0924],
          [-1.2129, -1.2304, -1.2129,  ..., -1.0028, -0.7052, -0.5301],
          ...,
          [-0.7227, -0.7752, -0.8452,  ...,  0.0651,  0.0826,  0.0826],
          [-0.6527, -0.7052, -0.7752,  ...,  0.0651,  0.0826,  0.1001],
          [-0.6527, -0.7052, -0.7752,  ...,  0.0651,  0.0826,  0.1001]],

         [[-0.9678, -0.9678, -0.9504,  ..., -1.0550, -0.3230,  0.1476],
          [-0.9678, -0.9678, -0.9504,  ..., -1.0376, -0.3578,  0.0953],
          [-0.9853, -1.0027, -0.9853,  ..., -0.8981, -0.5670, -0.3578],
          ...,
          [-0.5147, -0.5670, -0.6367,  ...,  0.4091,  0.4265,  0.4265],
          [-0.4624, -0.5147, -0.5844,  ...,  0.4091,  0.4265,  0.4439],
          [-0.4624, -0.5147, -0.5844,  ...,  0.4091,  0.4265,  0.4439]]],


        [[[-1.9124, -1.9295, -1.9809,  ..., -1.5870, -1.4500, -1.8610],
          [-1.8610, -1.8610, -1.9467,  ..., -1.3302, -1.2959, -1.8610],
          [-1.9295, -1.9295, -1.9638,  ..., -0.9877, -0.7479, -1.5185],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-1.8431, -1.8606, -1.9132,  ..., -1.0903, -0.9503, -1.4580],
          [-1.7906, -1.7906, -1.8782,  ..., -0.8452, -0.8978, -1.5455],
          [-1.8606, -1.8606, -1.8957,  ..., -0.4601, -0.3901, -1.3179],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-1.6476, -1.6650, -1.7173,  ..., -0.7587, -0.6541, -1.1944],
          [-1.5953, -1.5953, -1.6824,  ..., -0.4798, -0.5670, -1.2641],
          [-1.6650, -1.6650, -1.6999,  ..., -0.1487, -0.0441, -0.9853],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[-0.0057,  0.0000,  0.9943,  1.0000]]), tensor([[0.8063, 0.4290, 1.0000, 0.5613],
        [0.0211, 0.4419, 0.5035, 0.8000],
        [0.4437, 0.4355, 0.5634, 0.5613]])]
labels----> [tensor([7]), tensor([7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0, 1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.9192, -0.2856, -0.2342],
          [-0.0116, -0.0116, -0.0116,  ...,  0.0569,  0.0227, -0.2513],
          [-0.0116, -0.0116, -0.0116,  ...,  0.0227, -0.3198, -0.5596],
          ...,
          [-0.0116, -0.0116, -0.0116,  ...,  1.4098,  1.3927,  1.3927],
          [-0.0116, -0.0116, -0.0116,  ...,  1.4098,  1.4098,  1.3927],
          [-0.0116, -0.0116, -0.0116,  ...,  1.3927,  1.4098,  1.3927]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.7402,  0.0301,  0.0826],
          [-0.0049, -0.0049, -0.0049,  ...,  0.2227,  0.2752, -0.0224],
          [-0.0049, -0.0049, -0.0049,  ...,  0.1702, -0.1975, -0.4776],
          ...,
          [-0.0049, -0.0049, -0.0049,  ...,  1.2731,  1.2556,  1.2556],
          [-0.0049, -0.0049, -0.0049,  ...,  1.2731,  1.2731,  1.2556],
          [-0.0049, -0.0049, -0.0049,  ...,  1.2556,  1.2731,  1.2556]],

         [[-0.0092, -0.0092, -0.0092,  ..., -1.3861, -1.1247, -1.1770],
          [-0.0092, -0.0092, -0.0092,  ..., -0.8807, -1.0376, -1.1596],
          [-0.0092, -0.0092, -0.0092,  ..., -1.0376, -1.2119, -1.2816],
          ...,
          [-0.0092, -0.0092, -0.0092,  ...,  1.0017,  0.9842,  0.9842],
          [-0.0092, -0.0092, -0.0092,  ...,  1.0017,  1.0017,  0.9842],
          [-0.0092, -0.0092, -0.0092,  ...,  0.9842,  1.0017,  0.9842]]],


        [[[-1.7069, -1.7069, -1.6898,  ..., -1.6042, -1.6042, -1.6213],
          [-1.7583, -1.7240, -1.7240,  ..., -1.6555, -1.6384, -1.5699],
          [-1.8268, -1.7583, -1.7240,  ..., -1.5870, -1.5528, -1.5699],
          ...,
          [ 0.0227,  0.0227,  0.0056,  ...,  0.3994,  0.3994,  0.3481],
          [-0.0801, -0.0458, -0.0287,  ...,  0.1939,  0.2282,  0.2624],
          [ 0.1939,  0.2796,  0.3309,  ...,  0.0912,  0.1426,  0.2111]],

         [[-1.3704, -1.3704, -1.3529,  ..., -1.1954, -1.2304, -1.2304],
          [-1.4405, -1.4055, -1.4055,  ..., -1.2479, -1.2479, -1.1779],
          [-1.5105, -1.4230, -1.3880,  ..., -1.1779, -1.1779, -1.1954],
          ...,
          [ 0.2402,  0.2402,  0.2402,  ...,  0.5203,  0.5378,  0.4853],
          [ 0.1001,  0.1352,  0.1527,  ...,  0.3102,  0.3627,  0.3978],
          [ 0.3452,  0.4153,  0.4503,  ...,  0.2052,  0.2752,  0.3452]],

         [[-1.3339, -1.3339, -1.3164,  ..., -1.3687, -1.4384, -1.4733],
          [-1.3687, -1.3164, -1.3339,  ..., -1.4384, -1.4559, -1.4210],
          [-1.3861, -1.2990, -1.2990,  ..., -1.3687, -1.3687, -1.3861],
          ...,
          [ 0.0953,  0.0953,  0.0779,  ...,  0.2696,  0.2348,  0.1651],
          [ 0.1651,  0.1999,  0.2522,  ...,  0.0605,  0.0431,  0.0779],
          [ 0.5659,  0.6531,  0.7402,  ..., -0.0441,  0.0082,  0.0431]]]])
boxes----> [tensor([[0.5248, 0.0243, 0.8571, 0.3806]]), tensor([[0.3260, 0.3724, 0.8200, 0.6336]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.4672, -0.7137,  0.2967,  ..., -0.0287,  0.1083,  0.2453],
          [-0.3369,  0.4166,  1.2043,  ...,  0.0398,  0.1083,  0.1768],
          [ 0.9132,  1.4098,  1.8208,  ...,  0.0912,  0.1083,  0.1254],
          ...,
          [-0.1314, -0.1314, -0.1314,  ..., -0.4226, -0.4054, -0.4054],
          [-0.1486, -0.1828, -0.1999,  ..., -0.4226, -0.4226, -0.4397],
          [-0.1999, -0.2171, -0.2171,  ..., -0.4054, -0.4054, -0.4397]],

         [[-1.0203, -0.2675,  0.7129,  ..., -1.0903, -1.0028, -0.8452],
          [ 0.1352,  0.8529,  1.5707,  ..., -1.1954, -1.1604, -1.0728],
          [ 1.3431,  1.7983,  2.1485,  ..., -1.2304, -1.2304, -1.2129],
          ...,
          [-0.1099, -0.0924, -0.0749,  ..., -0.2850, -0.2500, -0.2150],
          [-0.1450, -0.1625, -0.1450,  ..., -0.2850, -0.2675, -0.2500],
          [-0.1975, -0.2150, -0.1975,  ..., -0.2675, -0.2500, -0.2500]],

         [[-0.4973,  0.3219,  1.2631,  ..., -0.3055, -0.2707, -0.2358],
          [ 0.6008,  1.3677,  2.0474,  ..., -0.4101, -0.4973, -0.6018],
          [ 1.7163,  2.1694,  2.4831,  ..., -0.5147, -0.6367, -0.8110],
          ...,
          [-0.0615, -0.0790, -0.0615,  ..., -0.1312, -0.0964, -0.0615],
          [-0.0964, -0.1312, -0.1312,  ..., -0.1138, -0.1138, -0.1138],
          [-0.1312, -0.1487, -0.1487,  ..., -0.0790, -0.0964, -0.1312]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -1.7069, -1.8439, -1.6384],
          [-0.0116, -0.0116, -0.0116,  ..., -1.7069, -1.2103, -1.4500],
          [-0.0116, -0.0116, -0.0116,  ..., -1.6555, -1.3815, -1.6213],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -1.6155, -1.7556, -1.5455],
          [-0.0049, -0.0049, -0.0049,  ..., -1.6155, -1.1078, -1.3529],
          [-0.0049, -0.0049, -0.0049,  ..., -1.5630, -1.2829, -1.5280],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -1.3513, -1.4907, -1.2816],
          [-0.0092, -0.0092, -0.0092,  ..., -1.3513, -0.8633, -1.1247],
          [-0.0092, -0.0092, -0.0092,  ..., -1.2816, -1.0550, -1.2990],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.0000, 1.0000, 0.6140]]), tensor([[0.3419, 0.6313, 0.4016, 0.7063],
        [0.1173, 0.6031, 0.2326, 0.7500],
        [0.3996, 0.5500, 0.5686, 0.7812],
        [0.5586, 0.6156, 0.6282, 0.7094],
        [0.6839, 0.5750, 0.8350, 0.8250],
        [0.6958, 0.5938, 0.9483, 0.8219]])]
labels----> [tensor([7]), tensor([7, 7, 7, 7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0, 0, 0, 0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 1.7180,  1.7180,  1.7180,  ...,  1.8893,  1.9064,  1.8893],
          [ 1.7352,  1.7352,  1.7352,  ...,  1.8893,  1.9064,  1.8893],
          [ 1.7352,  1.7352,  1.7352,  ...,  1.8893,  1.9064,  1.9064],
          ...,
          [ 0.4166,  0.4508,  0.4679,  ..., -0.8164, -0.8507, -0.8335],
          [ 0.4166,  0.4508,  0.4508,  ..., -0.8335, -0.8164, -0.7993],
          [ 0.4166,  0.3823,  0.4166,  ..., -0.9192, -0.9363, -0.9020]],

         [[ 2.0259,  2.0259,  2.0259,  ...,  2.1310,  2.1485,  2.1310],
          [ 2.0434,  2.0434,  2.0434,  ...,  2.1310,  2.1485,  2.1310],
          [ 2.0434,  2.0434,  2.0434,  ...,  2.1310,  2.1485,  2.1485],
          ...,
          [ 0.3277,  0.3452,  0.3627,  ..., -0.7052, -0.7402, -0.7227],
          [ 0.3102,  0.3452,  0.3452,  ..., -0.7227, -0.7052, -0.6877],
          [ 0.3102,  0.2752,  0.3102,  ..., -0.8102, -0.8277, -0.7927]],

         [[ 2.5006,  2.5006,  2.5006,  ...,  2.5529,  2.5354,  2.5180],
          [ 2.5180,  2.5180,  2.5180,  ...,  2.5529,  2.5354,  2.5180],
          [ 2.5006,  2.5006,  2.5006,  ...,  2.5529,  2.5354,  2.5354],
          ...,
          [ 0.1476,  0.1651,  0.1999,  ..., -0.4973, -0.5495, -0.5321],
          [ 0.1302,  0.1651,  0.1999,  ..., -0.5147, -0.5147, -0.4973],
          [ 0.1651,  0.1128,  0.1825,  ..., -0.6018, -0.6367, -0.6018]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0220, 0.6697, 0.1100, 0.7538],
        [0.0000, 0.6486, 0.0300, 0.7898],
        [0.8020, 0.6787, 0.8500, 0.7147],
        [0.8580, 0.6727, 0.9240, 0.7147],
        [0.2800, 0.7117, 0.4440, 0.8258],
        [0.2480, 0.7357, 0.9520, 0.9970],
        [0.4560, 0.6727, 0.5200, 0.7177]]), tensor([[0.5843, 0.6386, 0.7129, 0.6854]])]
labels----> [tensor([7, 7, 7, 7, 7, 7, 7]), tensor([7])]
difficulties----> [tensor([0, 0, 0, 0, 0, 0, 1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ...,  1.3927,  1.3755,  1.3755],
          [-0.0116, -0.0116, -0.0116,  ...,  1.3927,  1.3755,  1.3755],
          [-0.0116, -0.0116, -0.0116,  ...,  1.4098,  1.3927,  1.3927],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ...,  1.8158,  1.7983,  1.7983],
          [-0.0049, -0.0049, -0.0049,  ...,  1.8158,  1.7983,  1.7983],
          [-0.0049, -0.0049, -0.0049,  ...,  1.8158,  1.8158,  1.8158],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ...,  2.1694,  2.1520,  2.1520],
          [-0.0092, -0.0092, -0.0092,  ...,  2.1694,  2.1520,  2.1520],
          [-0.0092, -0.0092, -0.0092,  ...,  2.1694,  2.1694,  2.1694],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -2.1179, -2.1179, -2.1179],
          [-0.0116, -0.0116, -0.0116,  ..., -2.1179, -2.1179, -2.1179],
          [-0.0116, -0.0116, -0.0116,  ..., -2.1179, -2.1179, -2.1179],
          ...,
          [-0.0116, -0.0116, -0.0116,  ...,  1.9235,  1.9407,  2.0948],
          [-0.0116, -0.0116, -0.0116,  ...,  1.8893,  1.9749,  1.9235],
          [-0.0116, -0.0116, -0.0116,  ...,  1.9578,  1.9235,  1.9920]],

         [[-0.0049, -0.0049, -0.0049,  ..., -1.9657, -1.8256, -1.8256],
          [-0.0049, -0.0049, -0.0049,  ..., -1.8782, -1.7731, -1.8256],
          [-0.0049, -0.0049, -0.0049,  ..., -1.8782, -1.7206, -1.7731],
          ...,
          [-0.0049, -0.0049, -0.0049,  ...,  1.8859,  1.8859,  2.0259],
          [-0.0049, -0.0049, -0.0049,  ...,  1.9209,  1.9734,  1.9034],
          [-0.0049, -0.0049, -0.0049,  ...,  2.0084,  1.9559,  2.0084]],

         [[-0.0092, -0.0092, -0.0092,  ..., -1.8044, -1.8044, -1.8044],
          [-0.0092, -0.0092, -0.0092,  ..., -1.8044, -1.8044, -1.8044],
          [-0.0092, -0.0092, -0.0092,  ..., -1.8044, -1.8044, -1.8044],
          ...,
          [-0.0092, -0.0092, -0.0092,  ...,  2.0300,  2.0474,  2.1868],
          [-0.0092, -0.0092, -0.0092,  ...,  2.0300,  2.0997,  2.0474],
          [-0.0092, -0.0092, -0.0092,  ...,  2.1171,  2.0823,  2.1346]]]])
boxes----> [tensor([[0.1943, 0.2291, 1.0000, 0.6788]]), tensor([[0.2096, 0.0813, 1.0000, 0.8127]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.9363, -0.9363, -0.9192,  ...,  0.1597,  0.0227, -0.0458],
          [-0.9705, -0.9534, -0.9534,  ...,  0.2453,  0.1083,  0.0569],
          [-0.9363, -0.9705, -1.0048,  ...,  0.3309,  0.2111,  0.1254],
          ...,
          [-1.5014, -1.5014, -1.5014,  ..., -1.2788, -1.2959, -1.2959],
          [-1.5014, -1.5014, -1.5014,  ..., -1.2959, -1.2788, -1.2617],
          [-1.5014, -1.5014, -1.5014,  ..., -1.3302, -1.2959, -1.2959]],

         [[-0.8102, -0.8102, -0.7577,  ..., -0.0574, -0.1975, -0.2500],
          [-0.8277, -0.8102, -0.8277,  ...,  0.0301, -0.0924, -0.1625],
          [-0.8102, -0.8452, -0.8627,  ...,  0.0826, -0.0049, -0.0749],
          ...,
          [-1.1954, -1.1954, -1.1954,  ..., -1.2479, -1.2654, -1.2829],
          [-1.1954, -1.1954, -1.1954,  ..., -1.2654, -1.2479, -1.2304],
          [-1.1954, -1.1954, -1.1954,  ..., -1.3179, -1.2654, -1.2654]],

         [[-0.7936, -0.7936, -0.7413,  ..., -0.5670, -0.7238, -0.7761],
          [-0.8284, -0.7936, -0.8110,  ..., -0.4798, -0.6018, -0.6715],
          [-0.7936, -0.8284, -0.8633,  ..., -0.3753, -0.4973, -0.6018],
          ...,
          [-0.7413, -0.7413, -0.7413,  ..., -1.0898, -1.1073, -1.1247],
          [-0.7413, -0.7413, -0.7413,  ..., -1.1073, -1.0898, -1.0724],
          [-0.7413, -0.7413, -0.7413,  ..., -1.1596, -1.1073, -1.1073]]],


        [[[-1.9638, -2.0494, -2.1008,  ..., -2.0837, -2.0837, -2.0837],
          [-1.9980, -2.0494, -1.7925,  ..., -2.0837, -2.0665, -2.1008],
          [-2.0494, -1.9809, -0.2171,  ..., -1.8782, -2.1008, -2.0665],
          ...,
          [-2.0837, -2.1008, -2.0837,  ..., -1.4329, -2.0494, -2.0665],
          [-2.1008, -2.0837, -2.0837,  ..., -1.9638, -2.0837, -2.0837],
          [-2.1179, -2.1179, -2.1179,  ..., -2.0837, -2.1179, -2.1179]],

         [[-2.0357, -2.0182, -1.9482,  ..., -1.9832, -2.0007, -2.0007],
          [-2.0182, -2.0007, -1.6155,  ..., -1.9482, -1.9657, -2.0182],
          [-2.0007, -1.8606,  0.0476,  ..., -1.6856, -2.0007, -1.9832],
          ...,
          [-2.0007, -2.0182, -2.0007,  ..., -1.3880, -1.9832, -2.0007],
          [-2.0182, -2.0007, -2.0007,  ..., -1.9482, -2.0357, -2.0357],
          [-2.0357, -2.0357, -2.0357,  ..., -2.0182, -2.0357, -2.0357]],

         [[-1.8044, -1.7347, -1.6824,  ..., -1.7347, -1.7870, -1.7870],
          [-1.7347, -1.6476, -1.2816,  ..., -1.6824, -1.7696, -1.7870],
          [-1.6999, -1.4733,  0.4091,  ..., -1.4210, -1.7870, -1.7522],
          ...,
          [-1.7347, -1.7696, -1.7870,  ..., -1.2990, -1.7696, -1.7696],
          [-1.7522, -1.7522, -1.7870,  ..., -1.7522, -1.7870, -1.7870],
          [-1.8044, -1.8044, -1.8044,  ..., -1.7696, -1.8044, -1.8044]]]])
boxes----> [tensor([[0.0033, 0.1605, 0.9967, 0.9475]]), tensor([[0.3960, 0.3205, 0.9980, 0.9941]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-1.3987, -1.3987, -1.3644,  ...,  0.3481,  0.3481,  0.3481],
          [-1.3987, -1.3987, -1.4158,  ...,  0.5364,  0.5364,  0.5536],
          [-1.4329, -1.4329, -1.4329,  ...,  0.5364,  0.5364,  0.5193],
          ...,
          [-1.9980, -1.9638, -1.9467,  ..., -1.5528, -1.6384, -1.6555],
          [-1.9980, -1.9980, -1.9295,  ..., -1.6555, -1.5870, -1.7069],
          [-1.9809, -2.0494, -1.9295,  ..., -1.5357, -1.6042, -1.4158]],

         [[-1.2479, -1.2654, -1.2304,  ...,  0.4678,  0.4678,  0.4678],
          [-1.2829, -1.2829, -1.3004,  ...,  0.6604,  0.6429,  0.6779],
          [-1.3179, -1.3179, -1.3179,  ...,  0.6779,  0.6779,  0.6604],
          ...,
          [-1.8957, -1.8782, -1.8431,  ..., -1.4055, -1.4755, -1.4930],
          [-1.9307, -1.9132, -1.8431,  ..., -1.4755, -1.3880, -1.5105],
          [-1.9132, -1.9657, -1.8431,  ..., -1.3529, -1.4055, -1.2129]],

         [[-1.0898, -1.1073, -1.0898,  ...,  0.7228,  0.7054,  0.7054],
          [-1.1073, -1.1247, -1.1421,  ...,  0.8971,  0.8797,  0.9145],
          [-1.1596, -1.1596, -1.1596,  ...,  0.8971,  0.8971,  0.8971],
          ...,
          [-1.7173, -1.6650, -1.6476,  ..., -1.2467, -1.3339, -1.3687],
          [-1.7173, -1.6824, -1.6302,  ..., -1.3513, -1.2816, -1.4036],
          [-1.6999, -1.7522, -1.6302,  ..., -1.2467, -1.3164, -1.1247]]]])
boxes----> [tensor([[0.7722, 0.7957, 0.8165, 0.8438],
        [0.6996, 0.7290, 0.7137, 0.7463],
        [0.4284, 0.7730, 0.4597, 0.7957],
        [0.4617, 0.7810, 0.5010, 0.8077],
        [0.8468, 0.6916, 0.8720, 0.7076],
        [0.8690, 0.6943, 0.8810, 0.7170]]), tensor([[-0.0025,  0.1511,  0.9753,  0.9807],
        [ 0.8049,  0.1833,  0.9728,  0.3441],
        [-0.0025,  0.1543,  0.2938,  0.6559]])]
labels----> [tensor([7, 7, 7, 7, 7, 7]), tensor([7, 7, 7])]
difficulties----> [tensor([0, 1, 1, 1, 1, 1], dtype=torch.uint8), tensor([0, 0, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.4958, 0.3333, 0.7835, 0.5480]]), tensor([[0.5558, 0.6115, 0.5748, 0.6220],
        [0.5441, 0.6089, 0.5598, 0.6211],
        [0.5323, 0.6054, 0.5460, 0.6150]])]
labels----> [tensor([7]), tensor([7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1, 1, 1], dtype=torch.uint8)]
images----> tensor([[[[ 2.2489,  2.2489,  2.2489,  ...,  2.2489,  2.2489,  2.2489],
          [ 2.2489,  2.2489,  2.2489,  ...,  2.1975,  2.1462,  2.0092],
          [ 2.2489,  2.2489,  2.2489,  ...,  2.0605,  1.9235,  1.7352],
          ...,
          [-1.8953, -1.8953, -1.9124,  ...,  0.9303,  0.8961,  0.9303],
          [-1.8953, -1.8953, -1.9124,  ...,  0.8276,  0.7762,  0.7762],
          [-1.8782, -1.8953, -1.8953,  ...,  0.6563,  0.6049,  0.5536]],

         [[ 1.3431,  1.3606,  1.3606,  ...,  0.9580,  0.7829,  0.5903],
          [ 1.3606,  1.3431,  1.3431,  ...,  0.6604,  0.5028,  0.3277],
          [ 1.3606,  1.3431,  1.3256,  ...,  0.4328,  0.3277,  0.1877],
          ...,
          [-1.7906, -1.7906, -1.8081,  ...,  0.4678,  0.4503,  0.4853],
          [-1.7906, -1.7906, -1.8081,  ...,  0.3627,  0.3452,  0.3277],
          [-1.7731, -1.7906, -1.7906,  ...,  0.1702,  0.1527,  0.1001]],

         [[-0.2358, -0.2184, -0.2184,  ..., -0.6715, -0.6715, -0.8807],
          [-0.2532, -0.2358, -0.2532,  ..., -0.9678, -1.0376, -1.2293],
          [-0.2532, -0.2532, -0.2707,  ..., -1.1944, -1.2467, -1.4036],
          ...,
          [-1.6999, -1.6999, -1.7173,  ...,  0.0605,  0.0082,  0.0256],
          [-1.6999, -1.6999, -1.7173,  ..., -0.0092, -0.0790, -0.0964],
          [-1.6824, -1.6999, -1.6999,  ..., -0.1487, -0.2184, -0.2881]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.4128, 1.0000, 1.0000]]), tensor([[0.3404, 0.0779, 0.6182, 0.6324],
        [0.3111, 0.3287, 0.3542, 0.4735]])]
labels----> [tensor([7]), tensor([7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [ 0.2624,  0.2796,  0.1768,  ..., -0.0116, -0.0116, -0.0116],
          [ 0.1254, -0.0287, -0.1314,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0629,  0.1083,  0.0569,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [ 0.3102,  0.3978,  0.2577,  ..., -0.0049, -0.0049, -0.0049],
          [ 0.1352,  0.0126, -0.0224,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0224,  0.0126,  0.0651,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [ 0.1302,  0.0082, -0.0267,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0267, -0.1661, -0.2184,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092,  0.2348, -0.0790,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ...,  0.6049,  0.4508,  0.2282],
          [-0.0116, -0.0116, -0.0116,  ...,  0.4679,  0.1426, -0.1314],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0287, -0.0458, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ...,  0.8529,  0.6954,  0.4678],
          [-0.0049, -0.0049, -0.0049,  ...,  0.6779,  0.3803,  0.0651],
          [-0.0049, -0.0049, -0.0049,  ...,  0.1877,  0.1352,  0.1352],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ...,  0.3916,  0.2522,  0.0256],
          [-0.0092, -0.0092, -0.0092,  ...,  0.1825,  0.0256, -0.1661],
          [-0.0092, -0.0092, -0.0092,  ..., -0.1835, -0.0615, -0.0267],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.7008, 0.7135, 0.7296, 0.7973]]), tensor([[0.4384, 0.1083, 1.0000, 0.2955]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 2.1119,  2.0777,  2.1290,  ...,  1.6667,  2.1633,  2.2147],
          [ 2.1290,  2.0777,  2.1290,  ...,  1.8208,  2.0605,  2.1290],
          [ 2.1119,  2.0434,  2.0948,  ...,  1.8208,  2.0605,  2.1804],
          ...,
          [-0.2684, -0.1486, -0.0116,  ..., -0.6109, -0.4397, -0.5424],
          [ 0.1083,  0.0912,  0.0912,  ..., -0.5767, -0.5767, -0.7479],
          [ 0.1939, -0.2513, -0.2856,  ..., -0.5938, -0.6281, -0.7479]],

         [[ 2.4286,  2.3936,  2.4111,  ...,  2.0084,  2.3936,  2.3585],
          [ 2.4286,  2.3936,  2.3936,  ...,  2.1835,  2.3936,  2.4111],
          [ 2.4111,  2.3235,  2.3585,  ...,  2.2360,  2.3761,  2.4111],
          ...,
          [-0.0049,  0.1176,  0.2577,  ..., -0.3901, -0.2325, -0.3375],
          [ 0.3803,  0.3627,  0.3627,  ..., -0.3550, -0.3725, -0.5476],
          [ 0.4678,  0.0126, -0.0224,  ..., -0.3901, -0.4601, -0.5826]],

         [[ 2.6400,  2.5877,  2.5877,  ...,  2.4831,  2.6226,  2.6226],
          [ 2.6400,  2.5877,  2.5877,  ...,  2.4308,  2.4483,  2.5180],
          [ 2.6226,  2.5354,  2.5354,  ...,  2.4657,  2.4657,  2.5529],
          ...,
          [ 0.4091,  0.5311,  0.6705,  ..., -0.0964,  0.0605, -0.0441],
          [ 0.7925,  0.7751,  0.7751,  ..., -0.0441, -0.0790, -0.2532],
          [ 0.8797,  0.4265,  0.3916,  ..., -0.0790, -0.1487, -0.2707]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.1339, 1.0000, 0.8750]]), tensor([[0.7787, 0.4003, 0.8521, 0.4812]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.7104, 0.3892, 0.9593, 0.4500]]), tensor([[0.5028, 0.3521, 0.6038, 0.4778]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-2.1179, -2.1179, -2.1179,  ..., -1.0733, -1.0219, -1.0048],
          [-2.1179, -2.1179, -2.1179,  ..., -1.0219, -0.9705, -0.9705],
          [-2.1179, -2.1179, -2.1179,  ..., -0.9534, -0.9363, -0.9192],
          ...,
          [ 0.3994,  1.1700,  1.4783,  ...,  1.0844,  1.4098,  1.8550],
          [-1.3815,  0.7933,  1.4440,  ...,  0.5878,  1.8037,  1.8550],
          [-1.9295, -0.9192,  1.3070,  ...,  0.0569,  1.7180,  1.5125]],

         [[-2.0357, -2.0357, -2.0357,  ..., -1.6681, -1.6506, -1.6331],
          [-2.0357, -2.0357, -2.0357,  ..., -1.6331, -1.6155, -1.6155],
          [-2.0357, -2.0357, -2.0357,  ..., -1.5980, -1.5805, -1.5805],
          ...,
          [-0.5126, -0.1275, -0.0749,  ..., -0.1450,  0.6429,  0.8004],
          [-1.8431, -0.2325, -0.0749,  ..., -0.3200,  1.0980,  0.8704],
          [-2.0357, -1.6331,  0.1352,  ..., -0.5826,  0.9230,  0.5203]],

         [[-1.8044, -1.8044, -1.8044,  ..., -1.4907, -1.4907, -1.4733],
          [-1.8044, -1.8044, -1.8044,  ..., -1.4733, -1.4907, -1.4907],
          [-1.8044, -1.8044, -1.8044,  ..., -1.4733, -1.4559, -1.4384],
          ...,
          [-0.3230, -0.1661, -0.4275,  ..., -0.2532, -0.1312,  0.0953],
          [-1.5953, -0.1487, -0.2010,  ..., -0.2881,  0.2871,  0.1476],
          [-1.7696, -1.4559,  0.1476,  ..., -0.4450,  0.1999, -0.2010]]]])
boxes----> [tensor([[0.5725, 0.1084, 0.9560, 0.3251],
        [0.7902, 0.0820, 0.9974, 0.6006],
        [0.1295, 0.2090, 0.6969, 0.4133]]), tensor([[0.0000, 0.5963, 1.0000, 1.0000]])]
labels----> [tensor([7, 7, 7]), tensor([7])]
difficulties----> [tensor([0, 0, 0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.6987, 0.0696, 0.8967, 0.3229],
        [0.5941, 0.0457, 0.6855, 0.3240]]), tensor([[0.2420, 0.2751, 0.9338, 0.7791]])]
labels----> [tensor([19, 19]), tensor([19])]
difficulties----> [tensor([0, 0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.0390,  0.3823,  0.3994,  ..., -2.0152, -1.6898, -1.7754],
          [-0.3369, -0.4911,  0.4166,  ..., -1.8268, -1.7583, -1.9809],
          [ 0.3481, -0.4226,  0.4166,  ..., -1.8610, -1.8953, -1.9980],
          ...,
          [-0.0629, -0.0458, -0.0801,  ..., -0.4397, -0.3198, -0.4739],
          [-0.1999, -0.2342, -0.2342,  ..., -0.3541, -0.1486, -0.3712],
          [-0.1657, -0.0801, -0.1828,  ..., -0.2856,  0.0398, -0.2171]],

         [[-1.1253,  0.3452,  0.5553,  ..., -2.0182, -1.6856, -1.6681],
          [-0.0924, -0.2325,  0.6604,  ..., -1.8256, -1.7031, -1.8431],
          [ 0.7129, -0.0924,  0.7129,  ..., -1.7906, -1.7731, -1.7906],
          ...,
          [-0.1099, -0.0924, -0.1099,  ..., -0.4951, -0.4426, -0.6702],
          [-0.2325, -0.2850, -0.2850,  ..., -0.4076, -0.2675, -0.5826],
          [-0.2150, -0.1450, -0.2325,  ..., -0.3375, -0.0749, -0.4426]],

         [[-0.8284,  0.6531,  0.9145,  ..., -1.8044, -1.5953, -1.6650],
          [ 0.1999,  0.0953,  1.0365,  ..., -1.7522, -1.7173, -1.7696],
          [ 1.0714,  0.3393,  1.1062,  ..., -1.7522, -1.7870, -1.8044],
          ...,
          [-0.1661, -0.1487, -0.1487,  ..., -0.5495, -0.5147, -0.7587],
          [-0.3404, -0.3753, -0.3404,  ..., -0.4798, -0.3230, -0.6715],
          [-0.3404, -0.2707, -0.3230,  ..., -0.3927, -0.1312, -0.5147]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -2.1179, -2.1179, -2.1179],
          [-0.0116, -0.0116, -0.0116,  ..., -2.1179, -2.1179, -2.1179],
          [-0.0116, -0.0116, -0.0116,  ..., -2.1179, -2.1179, -2.1179],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -2.0357, -2.0357, -2.0357],
          [-0.0049, -0.0049, -0.0049,  ..., -2.0357, -2.0357, -2.0357],
          [-0.0049, -0.0049, -0.0049,  ..., -2.0357, -2.0357, -2.0357],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -1.8044, -1.8044, -1.8044],
          [-0.0092, -0.0092, -0.0092,  ..., -1.8044, -1.8044, -1.8044],
          [-0.0092, -0.0092, -0.0092,  ..., -1.8044, -1.8044, -1.8044],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.4180, 0.0853, 0.5100, 0.1707],
        [0.1280, 0.1600, 0.8860, 0.9973]]), tensor([[0.5763, 0.0280, 0.9987, 0.4467]])]
labels----> [tensor([7, 7]), tensor([19])]
difficulties----> [tensor([0, 0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-1.3302, -1.2617, -1.2959,  ..., -0.9877, -1.0048, -1.0219],
          [-1.3130, -1.2617, -1.2788,  ..., -1.1760, -1.1760, -1.0733],
          [-1.3473, -1.2959, -1.2617,  ..., -1.2445, -1.2103, -1.0390],
          ...,
          [-0.9705, -0.9705, -1.0048,  ..., -1.2788, -1.3302, -1.4329],
          [-1.0390, -1.0219, -1.0390,  ..., -1.3302, -1.3473, -1.5014],
          [-1.0733, -1.0562, -1.0904,  ..., -1.3130, -1.3987, -1.5528]],

         [[-1.1604, -1.1078, -1.1253,  ..., -1.3354, -1.3529, -1.3704],
          [-1.1604, -1.0903, -1.1078,  ..., -1.7206, -1.7731, -1.6681],
          [-1.1954, -1.1253, -1.1078,  ..., -1.9482, -1.9482, -1.8256],
          ...,
          [-0.9153, -0.9153, -0.9328,  ..., -1.1779, -1.2304, -1.3354],
          [-0.9678, -0.9503, -0.9678,  ..., -1.2304, -1.2479, -1.4055],
          [-1.0203, -0.9853, -1.0203,  ..., -1.1954, -1.3004, -1.4580]],

         [[-0.8807, -0.8284, -0.8458,  ..., -1.6650, -1.6999, -1.6999],
          [-0.8807, -0.8284, -0.8284,  ..., -1.7696, -1.7347, -1.6650],
          [-0.9156, -0.8633, -0.8110,  ..., -1.7522, -1.6999, -1.5779],
          ...,
          [-0.6715, -0.6890, -0.7238,  ..., -0.9504, -1.0027, -1.1073],
          [-0.7064, -0.7064, -0.7413,  ..., -1.0027, -1.0201, -1.1770],
          [-0.7413, -0.7238, -0.7936,  ..., -0.9678, -1.0724, -1.2293]]]])
boxes----> [tensor([[0.1653, 0.1912, 0.3225, 0.2381]]), tensor([[0.3360, 0.3604, 0.7860, 0.6997]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 1.5468,  1.5468,  1.5468,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.5810,  1.5810,  1.5810,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.5810,  1.5810,  1.5810,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[ 1.9209,  1.9209,  1.9209,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.9209,  1.9209,  1.9209,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.9209,  1.9209,  1.9209,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[ 2.6051,  2.6051,  2.6051,  ..., -0.0092, -0.0092, -0.0092],
          [ 2.6051,  2.6051,  2.6051,  ..., -0.0092, -0.0092, -0.0092],
          [ 2.6051,  2.6051,  2.6051,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.1651, 0.2158, 0.2279, 0.2705]]), tensor([[0.4440, 0.3002, 0.5884, 0.5691]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-1.2959, -1.2788, -1.2959,  ..., -1.5014, -1.5014, -1.3815],
          [-1.0562, -1.0219, -1.0048,  ..., -1.4843, -1.5185, -1.3130],
          [-1.1247, -1.0733, -1.0733,  ..., -1.5014, -1.5357, -1.4329],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-1.2304, -1.2304, -1.2304,  ..., -1.4405, -1.4230, -1.3004],
          [-0.9853, -0.9678, -0.9503,  ..., -1.4230, -1.4405, -1.2304],
          [-1.0378, -1.0028, -1.0028,  ..., -1.4230, -1.4580, -1.3704],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.9678, -0.9853, -1.0027,  ..., -1.1770, -1.1770, -1.0724],
          [-0.7064, -0.7238, -0.7064,  ..., -1.1247, -1.1770, -1.0027],
          [-0.7761, -0.7238, -0.7587,  ..., -1.1247, -1.1770, -1.1073],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.6794, 0.3961, 0.7321, 0.5482],
        [0.6878, 0.3790, 0.9581, 0.6424],
        [0.8098, 0.4197, 1.0000, 0.7152]]), tensor([[0.0000, 0.7943, 0.3358, 0.8612],
        [0.1381, 0.6941, 0.8060, 0.8612]])]
labels----> [tensor([7, 7, 7]), tensor([7, 7])]
difficulties----> [tensor([1, 0, 0], dtype=torch.uint8), tensor([1, 0], dtype=torch.uint8)]
images----> tensor([[[[ 0.1939,  0.1083,  0.0569,  ..., -0.1314, -0.1314, -0.1314],
          [ 0.2453,  0.1254,  0.0912,  ..., -0.1314, -0.1314, -0.1314],
          [ 0.2453,  0.1597,  0.1597,  ..., -0.1143, -0.1143, -0.1143],
          ...,
          [-1.0219, -1.0733, -1.0390,  ..., -0.9534, -1.0904, -1.0219],
          [-1.0904, -1.0904, -1.0733,  ..., -0.8678, -0.9705, -1.0219],
          [-1.0904, -0.9877, -0.9192,  ..., -1.0219, -0.9534, -0.8678]],

         [[ 1.3606,  1.3606,  1.3256,  ...,  1.1331,  1.1331,  1.1331],
          [ 1.3606,  1.3431,  1.3431,  ...,  1.1331,  1.1331,  1.1331],
          [ 1.3081,  1.2731,  1.3256,  ...,  1.1506,  1.1506,  1.1506],
          ...,
          [-1.0378, -1.0903, -1.0553,  ..., -0.8627, -0.9678, -0.8627],
          [-1.0903, -1.0903, -1.0728,  ..., -0.7752, -0.8627, -0.8978],
          [-1.0903, -0.9853, -0.8978,  ..., -0.9503, -0.8452, -0.7227]],

         [[ 2.0823,  2.0997,  2.0823,  ...,  1.8731,  1.8731,  1.8731],
          [ 2.1171,  2.0997,  2.0997,  ...,  1.8731,  1.8731,  1.8731],
          [ 2.0997,  2.0823,  2.1346,  ...,  1.8905,  1.8905,  1.8905],
          ...,
          [-0.8458, -0.8981, -0.8458,  ..., -1.2293, -1.3861, -1.3339],
          [-0.8981, -0.9156, -0.8807,  ..., -1.1421, -1.2990, -1.3687],
          [-0.8807, -0.7936, -0.7064,  ..., -1.2816, -1.2990, -1.2119]]],


        [[[ 2.2489,  2.2489,  2.2489,  ...,  2.1290,  1.3413,  0.3823],
          [ 2.2489,  2.2489,  2.2489,  ...,  1.9235,  1.1700,  0.8104],
          [ 2.2489,  2.2489,  2.2489,  ...,  1.8208,  1.1872,  0.7591],
          ...,
          [-1.0562, -1.2617, -1.1075,  ...,  1.8722,  1.8893,  1.8037],
          [-1.0562, -1.1932, -0.8164,  ...,  1.8550,  1.8379,  1.8208],
          [-0.7993, -0.5082,  0.0912,  ...,  1.8550,  1.8208,  1.8379]],

         [[ 2.4286,  2.4286,  2.4286,  ...,  2.2360,  1.4307,  0.5378],
          [ 2.4286,  2.4286,  2.4286,  ...,  1.9734,  1.2381,  0.9405],
          [ 2.4286,  2.4286,  2.4286,  ...,  1.8508,  1.2381,  0.8704],
          ...,
          [-1.1253, -1.3354, -1.2829,  ...,  1.5707,  1.5357,  1.4307],
          [-1.1954, -1.3354, -1.0903,  ...,  1.5357,  1.5007,  1.4482],
          [-1.0728, -0.7577, -0.2325,  ...,  1.5532,  1.4832,  1.4657]],

         [[ 2.5354,  2.6400,  2.6400,  ...,  2.0125,  0.7576, -0.4798],
          [ 2.5529,  2.6400,  2.6400,  ...,  1.5420,  0.5311, -0.0441],
          [ 2.5354,  2.6400,  2.6400,  ...,  1.3154,  0.5659, -0.0267],
          ...,
          [-1.2293, -1.4210, -1.4733,  ...,  0.1825,  0.1651,  0.0431],
          [-1.4210, -1.5604, -1.4036,  ...,  0.1651,  0.1302,  0.0779],
          [-1.4036, -1.1073, -0.6541,  ...,  0.1999,  0.1128,  0.1128]]]])
boxes----> [tensor([[0.9440, 0.6366, 0.9960, 0.7027]]), tensor([[0.0000, 0.1227, 0.7440, 0.6747],
        [0.7300, 0.4800, 0.9660, 0.7093]])]
labels----> [tensor([7]), tensor([7, 7])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([1, 0], dtype=torch.uint8)]
images----> tensor([[[[ 2.2489,  2.2489,  2.2489,  ..., -1.5014, -1.6213, -1.7069],
          [ 2.2489,  2.2489,  2.2489,  ..., -1.5699, -1.6727, -1.7583],
          [ 2.2489,  2.2489,  2.2489,  ..., -1.8268, -1.8610, -1.8953],
          ...,
          [-0.5938, -1.2103, -2.1179,  ...,  2.2489,  2.2489,  2.2489],
          [ 0.7419, -0.4054, -2.1179,  ...,  2.2489,  2.2489,  2.2489],
          [ 1.1358, -0.1657, -2.1179,  ...,  2.2489,  2.2489,  2.2489]],

         [[ 2.4286,  2.4286,  2.4286,  ..., -0.3550, -0.2675, -0.1975],
          [ 2.4111,  2.4111,  2.4111,  ..., -0.4076, -0.2850, -0.1975],
          [ 2.3235,  2.3410,  2.3585,  ..., -0.6176, -0.3725, -0.2150],
          ...,
          [-0.4426, -1.0378, -1.9132,  ...,  1.4132,  1.3957,  1.3957],
          [ 0.9755, -0.1450, -1.7906,  ...,  1.3606,  1.3606,  1.3606],
          [ 1.3782,  0.1176, -1.7556,  ...,  1.3431,  1.3431,  1.3431]],

         [[ 2.6400,  2.6400,  2.6400,  ...,  2.1694,  2.0997,  2.0648],
          [ 2.6400,  2.6400,  2.6400,  ...,  2.1520,  2.1171,  2.0997],
          [ 2.6051,  2.6226,  2.6400,  ...,  2.0648,  2.1520,  2.2217],
          ...,
          [-0.1661, -0.7238, -1.5604,  ...,  2.3786,  2.3611,  2.3611],
          [ 1.2805,  0.1651, -1.5081,  ...,  2.3960,  2.3611,  2.3437],
          [ 1.6988,  0.4265, -1.4907,  ...,  2.3960,  2.3611,  2.3437]]],


        [[[-0.9020, -0.9705, -0.8335,  ...,  0.8276,  0.8447,  0.8618],
          [-0.8849, -0.9877, -0.8849,  ...,  0.7419,  0.7762,  0.7762],
          [-0.8335, -1.0048, -0.9705,  ...,  0.6392,  0.6563,  0.6563],
          ...,
          [-0.7993, -0.7822, -0.7650,  ...,  1.7352,  0.1768,  1.4783],
          [-0.8164, -0.8164, -0.8164,  ...,  1.8722,  0.3481,  1.3927],
          [-0.8164, -0.8507, -0.8507,  ...,  1.9578,  0.4679,  1.3242]],

         [[-0.6877, -0.7577, -0.6176,  ...,  0.8529,  0.8704,  0.8704],
          [-0.6877, -0.7927, -0.6877,  ...,  0.8004,  0.8354,  0.8179],
          [-0.6527, -0.8277, -0.7927,  ...,  0.7304,  0.7654,  0.7304],
          ...,
          [-0.5651, -0.5476, -0.4951,  ...,  1.3081, -0.4776,  1.0980],
          [-0.5651, -0.5651, -0.5476,  ...,  1.4832, -0.2850,  1.0280],
          [-0.5651, -0.5826, -0.5826,  ...,  1.6057, -0.1450,  0.9930]],

         [[-1.3861, -1.4559, -1.3164,  ..., -0.3055, -0.2881, -0.2358],
          [-1.3513, -1.4559, -1.3513,  ..., -0.2881, -0.2707, -0.2707],
          [-1.2816, -1.4559, -1.4210,  ..., -0.2532, -0.2358, -0.3055],
          ...,
          [-0.9156, -0.8981, -0.8458,  ..., -0.2707, -1.2467, -0.9678],
          [-0.9156, -0.9156, -0.8981,  ..., -0.2707, -1.1421, -1.0376],
          [-0.9156, -0.9330, -0.9330,  ..., -0.2707, -1.0724, -1.0724]]]])
boxes----> [tensor([[0.7944, 0.0000, 0.9944, 0.1290]]), tensor([[0., 0., 1., 1.]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [ 1.2214,  1.4269,  1.6667,  ..., -0.5596, -0.0116, -0.0116],
          [ 1.6495,  1.4612,  1.2385,  ..., -0.5767, -0.0116, -0.0116],
          [ 1.9064,  1.8893,  1.7009,  ..., -0.5767, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [ 1.3957,  1.5882,  1.8508,  ..., -0.4776, -0.0049, -0.0049],
          [ 1.8333,  1.6408,  1.4132,  ..., -0.4951, -0.0049, -0.0049],
          [ 2.0959,  2.0784,  1.8683,  ..., -0.4951, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [ 1.6291,  1.8383,  2.0823,  ..., -0.2184, -0.0092, -0.0092],
          [ 2.0823,  1.8731,  1.6465,  ..., -0.2358, -0.0092, -0.0092],
          [ 2.3088,  2.2914,  2.0997,  ..., -0.2358, -0.0092, -0.0092]]],


        [[[ 1.5982,  1.5982,  1.5982,  ..., -1.0390, -1.0048, -0.9534],
          [ 1.5982,  1.5982,  1.5982,  ..., -1.0562, -1.0219, -1.0219],
          [ 1.5982,  1.5982,  1.5982,  ..., -1.1075, -1.1075, -1.1247],
          ...,
          [-0.1999, -0.1486, -0.2856,  ..., -0.0458,  0.0227, -0.0801],
          [-0.2684, -0.3369, -0.4568,  ...,  0.0912, -0.0116,  0.1083],
          [-0.3541, -0.3883, -0.2684,  ..., -0.3541, -0.3198,  0.0398]],

         [[ 1.7633,  1.7633,  1.7633,  ..., -0.9503, -0.9153, -0.8452],
          [ 1.7633,  1.7633,  1.7633,  ..., -0.9503, -0.9328, -0.9153],
          [ 1.7633,  1.7633,  1.7633,  ..., -0.9853, -0.9853, -1.0203],
          ...,
          [-0.1800, -0.1275, -0.2675,  ...,  0.0826,  0.1352,  0.0476],
          [-0.2325, -0.3200, -0.4426,  ...,  0.2227,  0.1176,  0.2402],
          [-0.2850, -0.3375, -0.1975,  ..., -0.2325, -0.1975,  0.1702]],

         [[ 1.9777,  1.9777,  1.9777,  ..., -0.9678, -0.9504, -0.8633],
          [ 1.9777,  1.9777,  1.9777,  ..., -0.9504, -0.9330, -0.9330],
          [ 1.9777,  1.9777,  1.9777,  ..., -0.9678, -0.9853, -1.0376],
          ...,
          [-0.0615,  0.0082, -0.0964,  ...,  0.2173,  0.2871,  0.1825],
          [-0.1138, -0.1835, -0.2707,  ...,  0.3568,  0.2522,  0.3742],
          [-0.1487, -0.2010, -0.0615,  ..., -0.0964, -0.0441,  0.3219]]]])
boxes----> [tensor([[-0.0028,  0.0678,  0.9887,  0.5811]]), tensor([[0.9110, 0.3729, 0.9979, 0.6000]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.4568, -0.4397, -0.4397,  ..., -0.9534, -0.9534, -0.9534],
          [-0.4226, -0.4568, -0.4568,  ..., -0.9192, -0.9192, -0.9363],
          [-0.4226, -0.4568, -0.4397,  ..., -0.9192, -0.9192, -0.9363],
          ...,
          [-1.0048, -1.0219, -1.0048,  ..., -0.8164, -0.8164, -0.8164],
          [-1.6042, -1.5870, -1.5185,  ..., -0.8335, -0.8164, -0.8164],
          [-1.7240, -1.7412, -1.7069,  ..., -0.8849, -0.8507, -0.8164]],

         [[ 0.2052,  0.2227,  0.2227,  ..., -0.3375, -0.3550, -0.3375],
          [ 0.2052,  0.1877,  0.1877,  ..., -0.3200, -0.3200, -0.3375],
          [ 0.1877,  0.2052,  0.2052,  ..., -0.3025, -0.3200, -0.3375],
          ...,
          [-0.8978, -0.9153, -0.8978,  ..., -0.6527, -0.6352, -0.6176],
          [-1.4755, -1.4580, -1.4055,  ..., -0.6527, -0.6176, -0.5826],
          [-1.5630, -1.5805, -1.5630,  ..., -0.7052, -0.6527, -0.6001]],

         [[ 1.5942,  1.6117,  1.6117,  ...,  1.0888,  1.0888,  1.0888],
          [ 1.6117,  1.5768,  1.5942,  ...,  1.1237,  1.1237,  1.1062],
          [ 1.5942,  1.6117,  1.6465,  ...,  1.1237,  1.1237,  1.1062],
          ...,
          [-0.4798, -0.4798, -0.4624,  ..., -0.2358, -0.2184, -0.2010],
          [-1.0201, -1.0027, -0.9504,  ..., -0.2184, -0.2184, -0.2010],
          [-1.1247, -1.1421, -1.1247,  ..., -0.2707, -0.2358, -0.2010]]]])
boxes----> [tensor([[0.0000, 0.6984, 0.3289, 0.8161]]), tensor([[0.7093, 0.8060, 0.8373, 0.8700],
        [0.8293, 0.8140, 0.8907, 0.8580],
        [0.8853, 0.8160, 0.9307, 0.8520],
        [0.9227, 0.8140, 0.9707, 0.8460]])]
labels----> [tensor([7]), tensor([7, 7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0, 1, 1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.8335, -0.7479, -0.7822,  ..., -0.5082, -0.5424, -0.6452],
          [-0.8164, -0.7650, -0.8678,  ..., -0.4911, -0.5253, -0.6281],
          [-1.2274, -1.2617, -1.2445,  ..., -0.5082, -0.5424, -0.6281],
          ...,
          [ 0.4337,  0.3652,  0.3823,  ...,  0.1083,  0.0398,  0.0398],
          [ 0.4337,  0.4166,  0.3652,  ...,  0.1939,  0.0741,  0.0227],
          [ 0.3823,  0.3994,  0.3823,  ...,  0.1083,  0.1254,  0.0741]],

         [[-0.6877, -0.6702, -0.7052,  ..., -0.4426, -0.4601, -0.5651],
          [-0.6176, -0.5826, -0.6877,  ..., -0.4076, -0.4426, -0.5476],
          [-0.9503, -0.9678, -0.9328,  ..., -0.4251, -0.4601, -0.5476],
          ...,
          [ 0.4853,  0.4153,  0.4503,  ...,  0.1527,  0.1001,  0.1001],
          [ 0.4853,  0.4678,  0.4153,  ...,  0.2577,  0.1352,  0.0826],
          [ 0.4853,  0.4678,  0.4503,  ...,  0.1702,  0.1877,  0.1352]],

         [[-0.2358, -0.1835, -0.2358,  ..., -0.3055, -0.3404, -0.4450],
          [-0.1661, -0.0964, -0.1487,  ..., -0.3055, -0.3404, -0.4275],
          [-0.4275, -0.4275, -0.3578,  ..., -0.3230, -0.3578, -0.4624],
          ...,
          [ 0.5834,  0.5136,  0.5311,  ...,  0.2696,  0.2173,  0.2173],
          [ 0.6008,  0.5659,  0.5136,  ...,  0.3742,  0.2348,  0.2173],
          [ 0.5834,  0.5834,  0.5311,  ...,  0.2871,  0.3219,  0.2696]]]])
boxes----> [tensor([[0.2375, 0.2685, 0.5558, 0.4554]]), tensor([[-0.0035,  0.2028,  0.9117,  0.8968]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 1.3584,  1.6324,  1.4612,  ...,  1.7523,  1.8379,  1.6838],
          [ 1.6495,  1.3755,  1.3584,  ...,  1.7180,  1.9578,  1.9064],
          [ 1.8037,  1.9064,  1.7352,  ...,  1.9064,  1.9407,  1.8379],
          ...,
          [-0.9363, -0.8164, -0.9020,  ..., -1.7069, -1.6727, -1.6555],
          [-1.0904, -0.7993, -0.8849,  ..., -1.4672, -1.5014, -1.5014],
          [-0.4739, -1.1247, -1.2103,  ..., -1.4329, -1.5014, -1.4329]],

         [[ 1.7108,  2.0434,  1.8859,  ...,  1.9734,  2.0609,  1.9034],
          [ 1.9909,  1.7983,  1.8508,  ...,  1.9384,  2.1835,  2.1310],
          [ 2.1485,  2.2010,  2.2010,  ...,  2.1310,  2.1485,  2.0434],
          ...,
          [-1.0028, -0.8803, -0.9678,  ..., -1.7031, -1.6681, -1.6506],
          [-1.1779, -0.8803, -0.9678,  ..., -1.5105, -1.5105, -1.5280],
          [-0.6176, -1.2129, -1.3004,  ..., -1.4055, -1.4755, -1.4055]],

         [[ 2.3611,  2.6400,  2.4831,  ...,  1.9777,  2.0648,  1.8905],
          [ 2.3786,  2.2740,  2.4134,  ...,  1.9428,  2.2217,  2.1520],
          [ 2.2391,  2.5006,  2.5703,  ...,  2.1520,  2.1868,  2.0997],
          ...,
          [-1.2990, -1.1770, -1.2293,  ..., -1.6999, -1.6650, -1.6476],
          [-1.5081, -1.1770, -1.2467,  ..., -1.5081, -1.5430, -1.5430],
          [-0.9504, -1.5779, -1.6127,  ..., -1.4384, -1.5081, -1.4384]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.4313, 1.0000, 1.0000]]), tensor([[ 0.0025,  0.4118,  0.9975,  0.9608],
        [-0.0025,  0.2017,  0.9975,  0.6863],
        [ 0.0147,  0.1036,  0.9975,  0.4230],
        [-0.0025,  0.0476,  0.9435,  0.4034],
        [-0.0025,  0.0448,  0.5627,  0.3025]])]
labels----> [tensor([7]), tensor([7, 7, 7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0, 0, 0, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.8849,  0.6906,  1.9749,  ...,  2.2489,  2.2489,  2.2489],
          [-1.5870, -0.5767,  0.5878,  ...,  2.2489,  2.2489,  2.2489],
          [-1.4672,  0.1768,  1.5125,  ...,  2.2489,  2.2489,  2.2489],
          ...,
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1008]],

         [[-1.4930, -0.2500,  0.7654,  ...,  2.4286,  2.4286,  2.4286],
          [-1.9482, -1.4755, -0.6527,  ...,  2.4286,  2.4286,  2.4286],
          [-1.8782, -0.7227,  1.0455,  ...,  2.4286,  2.4286,  2.4286],
          ...,
          [-1.7731, -1.7906, -1.7556,  ..., -1.2479, -1.2654, -1.2129],
          [-1.8782, -1.7731, -1.9132,  ..., -1.1779, -1.3179, -1.3004],
          [-1.9132, -1.7031, -1.7731,  ..., -1.3880, -1.3179, -1.1954]],

         [[-1.4210, -0.8981, -0.8110,  ...,  0.8448,  0.8274,  1.0539],
          [-1.7347, -1.6476, -1.6302,  ...,  0.7925,  0.7751,  0.8971],
          [-1.6476, -1.0724, -0.2010,  ...,  0.9668,  1.0191,  1.0017],
          ...,
          [-0.3230, -0.3055, -0.2532,  ...,  2.0300,  1.9951,  2.0125],
          [-0.4101, -0.3230, -0.4275,  ...,  2.0648,  1.8731,  1.8557],
          [-0.5147, -0.2532, -0.3230,  ...,  1.7860,  1.8034,  1.8557]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0., 0., 1., 1.]]), tensor([[0.5143, 0.2952, 0.7097, 0.5109]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.1486, -0.1486, -0.1486,  ..., -0.6109, -0.6109, -0.6109],
          [-0.1486, -0.1486, -0.1486,  ..., -0.6109, -0.6109, -0.6109],
          [-0.1314, -0.1486, -0.1486,  ..., -0.6109, -0.6109, -0.6109],
          ...,
          [ 0.2624,  0.2796,  0.2967,  ...,  0.2967,  0.3652,  0.4166],
          [ 0.1597,  0.1939,  0.2624,  ...,  0.2796,  0.3138,  0.3309],
          [ 0.1254,  0.1597,  0.2282,  ...,  0.2967,  0.2967,  0.2967]],

         [[ 0.7129,  0.7129,  0.7129,  ...,  0.4153,  0.4153,  0.4153],
          [ 0.7129,  0.7129,  0.7129,  ...,  0.4153,  0.4153,  0.4153],
          [ 0.7129,  0.7129,  0.7129,  ...,  0.4153,  0.4153,  0.4153],
          ...,
          [ 0.6954,  0.6954,  0.6954,  ...,  0.6604,  0.7654,  0.8179],
          [ 0.5728,  0.5903,  0.6604,  ...,  0.6604,  0.7129,  0.7479],
          [ 0.5203,  0.5553,  0.6254,  ...,  0.6779,  0.7129,  0.7304]],

         [[ 2.5877,  2.5877,  2.5877,  ...,  2.2043,  2.2043,  2.2043],
          [ 2.5877,  2.5877,  2.5877,  ...,  2.2043,  2.2043,  2.2043],
          [ 2.6051,  2.5877,  2.5877,  ...,  2.2043,  2.2043,  2.2043],
          ...,
          [ 0.4614,  0.4788,  0.4788,  ...,  0.5834,  0.6008,  0.6008],
          [ 0.3393,  0.3742,  0.4439,  ...,  0.5834,  0.5485,  0.5136],
          [ 0.3045,  0.3393,  0.4091,  ...,  0.6008,  0.5311,  0.4962]]]])
boxes----> [tensor([[0.3549, 0.3869, 0.3936, 0.4186],
        [0.4046, 0.3920, 0.4179, 0.4068],
        [0.3930, 0.3935, 0.4124, 0.4112]]), tensor([[-0.0065,  0.3049,  0.9935,  0.7892]])]
labels----> [tensor([7, 7, 7]), tensor([7])]
difficulties----> [tensor([0, 0, 0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.9020, -0.7650,  0.2282],
          [-0.0116, -0.0116, -0.0116,  ..., -0.5596, -0.3198,  0.3652],
          [-0.0116, -0.0116, -0.0116,  ..., -0.2342, -0.2856,  0.4337],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.3725, -0.1450,  0.8529],
          [-0.0049, -0.0049, -0.0049,  ...,  0.0126,  0.3627,  1.0280],
          [-0.0049, -0.0049, -0.0049,  ...,  0.1877,  0.4328,  1.2031],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.5495,  0.0431,  1.2457],
          [-0.0092, -0.0092, -0.0092,  ...,  0.0953,  0.5311,  1.2805],
          [-0.0092, -0.0092, -0.0092,  ...,  0.3045,  0.5834,  1.5420],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.8826, 0.2785, 0.8949, 0.3223]]), tensor([[0.2524, 0.6139, 0.7335, 0.7004]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.5787, 0.3497, 0.8711, 0.7186]]), tensor([[0.3567, 0.4216, 0.7230, 0.6734]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[ 1.4954,  1.4783,  1.4783,  ...,  1.5297,  1.4954,  1.4954],
          [ 1.4783,  1.5125,  1.5125,  ...,  1.5297,  1.5125,  1.4954],
          [ 1.4954,  1.4954,  1.5125,  ...,  1.4954,  1.4954,  1.5297],
          ...,
          [-1.0904, -1.0219, -1.1247,  ...,  0.4851,  1.5468, -0.4911],
          [-1.1932, -1.1075, -1.1760,  ...,  0.0056,  1.0502, -0.8849],
          [-1.1932, -1.1418, -1.0048,  ..., -0.1486,  0.2282, -1.5528]],

         [[ 2.2885,  2.2710,  2.2535,  ...,  2.2010,  2.2010,  2.2010],
          [ 2.2710,  2.3060,  2.3060,  ...,  2.2185,  2.2185,  2.1835],
          [ 2.2885,  2.2885,  2.3060,  ...,  2.1835,  2.2010,  2.2185],
          ...,
          [ 0.0826,  0.1176, -0.0049,  ...,  0.2752,  1.6933, -0.2325],
          [-0.0224,  0.0651, -0.0049,  ..., -0.2850,  1.2031, -0.6352],
          [-0.0399,  0.0126,  0.1702,  ..., -0.4601,  0.3452, -1.3004]],

         [[ 2.5354,  2.5180,  2.5180,  ...,  2.4483,  2.5006,  2.5006],
          [ 2.5180,  2.5529,  2.5529,  ...,  2.5006,  2.5180,  2.4831],
          [ 2.5354,  2.5354,  2.5529,  ...,  2.4657,  2.5006,  2.5180],
          ...,
          [ 0.5485,  0.5834,  0.4614,  ...,  0.8971,  1.9428,  0.1302],
          [ 0.4439,  0.4962,  0.4091,  ...,  0.3393,  1.4374, -0.2532],
          [ 0.4439,  0.4788,  0.6182,  ...,  0.1651,  0.6182, -0.9156]]]])
boxes----> [tensor([[0.2755, 0.2951, 0.6624, 0.5258]]), tensor([[0., 0., 1., 1.]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.3712, -0.0458,  0.3994,  ..., -0.7308, -0.7650, -0.7650],
          [-0.1999,  0.3309,  1.2214,  ..., -0.7137, -0.7479, -0.7650],
          [-0.0629,  0.7077,  1.9920,  ..., -0.7308, -0.7308, -0.7650],
          ...,
          [-0.6623, -0.2513, -0.1657,  ..., -0.3541, -0.3369, -0.0629],
          [-0.6281, -0.7308, -0.4568,  ..., -0.3027, -0.0287, -0.0116],
          [-0.6281, -0.3369, -0.4739,  ...,  0.0398, -0.2342, -0.1657]],

         [[-0.9153, -0.9328, -1.0203,  ..., -0.5651, -0.6001, -0.6001],
          [-0.9503, -0.8277, -0.1975,  ..., -0.5476, -0.5826, -0.6001],
          [-1.0028, -0.7402,  0.8880,  ..., -0.5651, -0.5651, -0.6001],
          ...,
          [-0.5476, -0.1625, -0.0749,  ..., -0.0049, -0.0399,  0.1176],
          [-0.3375, -0.4601, -0.3025,  ...,  0.0301,  0.2402,  0.1352],
          [-0.3375, -0.0574, -0.2850,  ...,  0.3627, -0.0049, -0.0224]],

         [[-1.1770, -1.1073, -1.2816,  ..., -0.4101, -0.4450, -0.4450],
          [-1.1770, -0.9156, -0.5321,  ..., -0.3927, -0.4275, -0.4450],
          [-1.2990, -0.8633,  0.6356,  ..., -0.4101, -0.4101, -0.4450],
          ...,
          [-0.0615,  0.3393,  0.4265,  ..., -0.2184, -0.0615,  0.1476],
          [ 0.1128,  0.0082,  0.1476,  ..., -0.1661,  0.2522,  0.1999],
          [ 0.2348,  0.5136,  0.3568,  ...,  0.1999,  0.0431,  0.0605]]],


        [[[ 0.7933,  0.8104,  0.8104,  ...,  0.6906,  0.6906,  0.6906],
          [ 0.7933,  0.7933,  0.7933,  ...,  0.7077,  0.7077,  0.6906],
          [ 0.7077,  0.7077,  0.7419,  ...,  0.7248,  0.7419,  0.7248],
          ...,
          [ 1.0502,  1.1015,  1.1529,  ..., -0.0287,  0.9988,  1.0844],
          [ 1.1700,  1.1872,  1.1015,  ...,  0.3994,  1.0159,  0.9988],
          [ 1.1872,  1.1872,  1.1358,  ...,  0.7419,  1.0159,  0.6563]],

         [[ 1.1681,  1.1681,  1.1681,  ...,  1.1681,  1.1681,  1.1506],
          [ 1.2031,  1.2031,  1.1856,  ...,  1.1856,  1.1856,  1.1681],
          [ 1.1856,  1.2031,  1.2206,  ...,  1.1681,  1.1681,  1.1681],
          ...,
          [ 1.1331,  1.2381,  1.3081,  ...,  0.0476,  1.0455,  1.0980],
          [ 1.2381,  1.3431,  1.2381,  ...,  0.5378,  1.0280,  0.9755],
          [ 1.2381,  1.3431,  1.2906,  ...,  0.8704,  1.0105,  0.5903]],

         [[ 1.5420,  1.5594,  1.5594,  ...,  1.5594,  1.5594,  1.5594],
          [ 1.5594,  1.5594,  1.5420,  ...,  1.5420,  1.5594,  1.5420],
          [ 1.5245,  1.5245,  1.5420,  ...,  1.5420,  1.5594,  1.5420],
          ...,
          [ 1.1759,  1.3328,  1.3677,  ...,  0.0082,  0.9494,  1.0191],
          [ 1.2805,  1.3677,  1.2457,  ...,  0.4614,  0.9842,  0.9668],
          [ 1.2805,  1.2980,  1.2457,  ...,  0.7751,  1.0365,  0.7228]]]])
boxes----> [tensor([[0.1480, 0.1200, 0.3320, 0.2667],
        [0.0000, 0.1867, 0.1880, 0.3307],
        [0.1140, 0.0933, 0.9080, 0.7360]]), tensor([[ 0.3411,  0.1828,  0.4084,  0.2345],
        [ 0.4408,  0.1586,  0.5058,  0.2310],
        [-0.0023,  0.1483,  0.0742,  0.2310],
        [-0.0023,  0.1862,  0.0255,  0.2655]])]
labels----> [tensor([7, 7, 7]), tensor([7, 7, 7, 7])]
difficulties----> [tensor([0, 1, 0], dtype=torch.uint8), tensor([1, 1, 0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 1.4783,  1.4783,  1.4783,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.4783,  1.4783,  1.4783,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.4783,  1.4783,  1.4783,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[ 1.6408,  1.6408,  1.6408,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.6408,  1.6408,  1.6408,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.6408,  1.6408,  1.6408,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[ 1.8557,  1.8557,  1.8557,  ..., -0.0092, -0.0092, -0.0092],
          [ 1.8557,  1.8557,  1.8557,  ..., -0.0092, -0.0092, -0.0092],
          [ 1.8557,  1.8557,  1.8557,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0572, 0.0032, 0.7391, 0.8269]]), tensor([[0.5461, 0.2800, 0.6414, 0.3369]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 0.7419,  0.7762,  0.7933,  ...,  1.0502,  1.0331,  0.9817],
          [ 0.7933,  0.7933,  0.8276,  ...,  1.0331,  1.0331,  1.0331],
          [ 0.7933,  0.8447,  0.8618,  ...,  1.0502,  1.0331,  1.0159],
          ...,
          [-0.7137, -0.6452, -0.8335,  ..., -0.9363, -0.9020, -0.9534],
          [-0.7822, -0.9534, -0.8678,  ..., -0.7993, -0.9192, -0.9363],
          [-0.9192, -0.9020, -0.6109,  ..., -0.8678, -0.8335, -0.7993]],

         [[ 1.2906,  1.3081,  1.3256,  ...,  1.6057,  1.5707,  1.5357],
          [ 1.3431,  1.3431,  1.3606,  ...,  1.5707,  1.5707,  1.5707],
          [ 1.3431,  1.3782,  1.3957,  ...,  1.5882,  1.5707,  1.5707],
          ...,
          [-0.5126, -0.4426, -0.6527,  ..., -0.6527, -0.6176, -0.6702],
          [-0.5826, -0.7577, -0.7052,  ..., -0.5126, -0.6352, -0.6527],
          [-0.7227, -0.7052, -0.4426,  ..., -0.5826, -0.5476, -0.5126]],

         [[ 1.6814,  1.6988,  1.7511,  ...,  2.0300,  1.9951,  1.9603],
          [ 1.7511,  1.7511,  1.7860,  ...,  1.9951,  1.9951,  1.9951],
          [ 1.7685,  1.8034,  1.8383,  ...,  2.0125,  1.9951,  1.9951],
          ...,
          [-0.2707, -0.2010, -0.4275,  ..., -0.4101, -0.3753, -0.4275],
          [-0.3578, -0.5321, -0.4624,  ..., -0.2881, -0.4101, -0.4275],
          [-0.4973, -0.4798, -0.2010,  ..., -0.3578, -0.3230, -0.2881]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.3440, 0.4373, 0.5300, 0.5520],
        [0.0000, 0.4613, 0.1140, 0.5467],
        [0.7740, 0.4507, 0.8440, 0.5093],
        [0.8580, 0.4507, 0.9240, 0.4987]]), tensor([[ 0.7330,  0.3011,  0.9975,  0.6803],
        [ 0.3199,  0.3271,  0.6373,  0.6208],
        [-0.0025,  0.2807,  0.2191,  0.6283]])]
labels----> [tensor([7, 7, 7, 7]), tensor([19, 19, 19])]
difficulties----> [tensor([0, 0, 0, 0], dtype=torch.uint8), tensor([0, 0, 0], dtype=torch.uint8)]
images----> tensor([[[[ 1.2043,  1.2043,  1.2043,  ...,  1.2043,  1.2043,  1.2043],
          [ 1.2043,  1.2043,  1.2043,  ...,  1.2043,  1.2043,  1.2043],
          [ 1.2043,  1.2043,  1.2043,  ...,  1.2043,  1.2043,  1.2043],
          ...,
          [-0.3369, -0.3541, -0.3883,  ..., -0.4911, -0.5082, -0.5596],
          [-0.4054, -0.4054, -0.4739,  ..., -0.4568, -0.4054, -0.4226],
          [-0.3712, -0.3883, -0.4054,  ..., -0.5082, -0.4568, -0.4568]],

         [[ 1.3606,  1.3606,  1.3606,  ...,  1.3606,  1.3606,  1.3606],
          [ 1.3606,  1.3606,  1.3606,  ...,  1.3606,  1.3606,  1.3606],
          [ 1.3606,  1.3606,  1.3606,  ...,  1.3606,  1.3606,  1.3606],
          ...,
          [-0.2150, -0.2325, -0.2675,  ..., -0.3725, -0.3901, -0.4426],
          [-0.2850, -0.2850, -0.3550,  ..., -0.3375, -0.2850, -0.3025],
          [-0.2500, -0.2675, -0.2850,  ..., -0.3901, -0.3375, -0.3375]],

         [[ 1.5768,  1.5768,  1.5768,  ...,  1.5768,  1.5768,  1.5768],
          [ 1.5768,  1.5768,  1.5768,  ...,  1.5768,  1.5768,  1.5768],
          [ 1.5768,  1.5768,  1.5768,  ...,  1.5768,  1.5768,  1.5768],
          ...,
          [ 0.0082, -0.0092, -0.0441,  ..., -0.1487, -0.1661, -0.2184],
          [-0.0615, -0.0615, -0.1312,  ..., -0.1138, -0.0615, -0.0790],
          [-0.0267, -0.0441, -0.0615,  ..., -0.1661, -0.1138, -0.1138]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0000, 0.0792, 0.9960, 0.9551]]), tensor([[0.3282, 0.4380, 0.4300, 0.4876],
        [0.2538, 0.4526, 0.3851, 0.5109],
        [0.2965, 0.4788, 0.4398, 0.5474],
        [0.5350, 0.4467, 0.6313, 0.5022],
        [0.2571, 0.5109, 0.3545, 0.5810]])]
labels----> [tensor([19]), tensor([7, 7, 7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0, 0, 0, 1], dtype=torch.uint8)]
images----> tensor([[[[-0.5253, -0.3027, -0.3198,  ...,  1.6667,  1.6667,  1.6667],
          [-0.3198, -0.1486, -0.3198,  ...,  1.6667,  1.6667,  1.6667],
          [-0.4739, -0.2684, -0.2171,  ...,  1.6667,  1.6667,  1.6667],
          ...,
          [ 1.5810,  1.5297,  1.5125,  ...,  1.0331,  1.0502,  0.9474],
          [ 1.4440,  1.5468,  1.2728,  ...,  1.2043,  1.1700,  1.0159],
          [ 1.5982,  1.3413,  1.1529,  ...,  0.9988,  0.8618,  1.2385]],

         [[ 0.2227,  0.4678,  0.3978,  ...,  1.8333,  1.8333,  1.8333],
          [ 0.3277,  0.6779,  0.5553,  ...,  1.8333,  1.8333,  1.8333],
          [ 0.1877,  0.6078,  0.7654,  ...,  1.8333,  1.8333,  1.8333],
          ...,
          [ 1.7633,  1.6933,  1.6758,  ...,  1.2206,  1.2381,  1.1331],
          [ 1.5882,  1.7108,  1.4307,  ...,  1.3957,  1.3606,  1.2031],
          [ 1.7458,  1.5007,  1.3081,  ...,  1.1856,  1.0280,  1.4132]],

         [[-0.6890, -0.5844, -0.6541,  ...,  2.0474,  2.0474,  2.0474],
          [-0.4275, -0.3230, -0.7413,  ...,  2.0474,  2.0474,  2.0474],
          [-0.5321, -0.5495, -0.6890,  ...,  2.0474,  2.0474,  2.0474],
          ...,
          [ 1.7511,  1.6640,  1.6814,  ...,  1.3677,  1.3851,  1.2282],
          [ 1.5768,  1.6814,  1.4200,  ...,  1.5071,  1.4897,  1.2980],
          [ 1.7337,  1.4722,  1.2805,  ...,  1.3154,  1.1411,  1.5071]]],


        [[[-1.5870, -1.5357, -1.5699,  ..., -1.4500, -1.4672, -1.4843],
          [-1.6555, -1.5528, -1.5870,  ..., -1.4672, -1.4672, -1.4843],
          [-1.7069, -1.5870, -1.6042,  ..., -1.5014, -1.4672, -1.4843],
          ...,
          [ 0.4337,  0.2453,  0.3652,  ...,  0.5878,  0.4851,  0.5022],
          [ 0.3994,  0.3481,  0.3652,  ...,  0.6049,  0.5022,  0.5364],
          [ 0.4166,  0.5022,  0.5022,  ...,  0.6049,  0.5193,  0.5536]],

         [[-0.9853, -1.0728, -1.0728,  ..., -0.7577, -0.7752, -0.7927],
          [-1.0378, -1.0553, -1.0553,  ..., -0.7752, -0.7752, -0.7577],
          [-1.0728, -1.0728, -1.0553,  ..., -0.7927, -0.7752, -0.7402],
          ...,
          [-0.5126, -0.4426,  0.0301,  ..., -0.7752, -0.7577, -0.7577],
          [-0.3200, -0.2850, -0.1275,  ..., -0.7577, -0.7752, -0.7577],
          [-0.1625, -0.1099, -0.0924,  ..., -0.7577, -0.7927, -0.7577]],

         [[ 1.0714,  1.0365,  0.7925,  ...,  1.6988,  1.6640,  1.6465],
          [ 1.0888,  1.1062,  0.8622,  ...,  1.6640,  1.6291,  1.6117],
          [ 1.1237,  1.1759,  0.9319,  ...,  1.6291,  1.5942,  1.5768],
          ...,
          [ 0.1476,  0.1651,  0.6182,  ..., -0.4101, -0.4973, -0.4798],
          [ 0.1999,  0.2696,  0.5136,  ..., -0.3230, -0.5147, -0.4973],
          [ 0.2696,  0.4265,  0.5834,  ..., -0.2881, -0.5321, -0.4973]]]])
boxes----> [tensor([[0.0000, 0.0431, 1.0000, 1.0000]]), tensor([[0.0320, 0.1250, 0.9600, 0.9600]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.7137, -0.7308, -0.9705,  ..., -0.3369, -0.3369, -0.3369],
          [-0.9363, -1.3987, -1.1760,  ..., -0.3541, -0.3198, -0.3369],
          [-0.0116, -0.6794, -0.9877,  ..., -0.3541, -0.3198, -0.3198],
          ...,
          [ 1.0844,  1.0159,  0.9474,  ..., -0.9705, -1.4843, -1.0562],
          [ 0.7419,  0.5022,  0.2624,  ..., -1.0562, -1.5014, -1.0562],
          [-0.6281, -0.9192, -1.1418,  ..., -2.0152, -1.6898, -0.6965]],

         [[-0.5301, -0.5476, -0.7402,  ..., -0.1275, -0.1099, -0.1275],
          [-0.7402, -1.2129, -0.9853,  ..., -0.1275, -0.0924, -0.1275],
          [ 0.2402, -0.4776, -0.7927,  ..., -0.1275, -0.0924, -0.1099],
          ...,
          [ 1.0455,  0.9755,  0.8880,  ..., -0.6877, -1.2829, -0.7577],
          [ 0.2577,  0.0301, -0.1975,  ..., -0.8277, -1.3354, -0.7402],
          [-1.1604, -1.4405, -1.6506,  ..., -1.8431, -1.5280, -0.3550]],

         [[-0.5495, -0.6715, -1.0724,  ...,  0.0953,  0.1128,  0.1476],
          [-0.8458, -1.2990, -1.1770,  ...,  0.0953,  0.1302,  0.1476],
          [ 0.1128, -0.5321, -0.8807,  ...,  0.0953,  0.1302,  0.1302],
          ...,
          [ 1.2631,  1.1934,  1.0365,  ..., -1.0550, -1.5081, -1.1247],
          [ 0.4614,  0.2173, -0.0441,  ..., -1.0027, -1.4559, -1.2467],
          [-1.0550, -1.2990, -1.4384,  ..., -1.8044, -1.6127, -1.0201]]]])
boxes----> [tensor([[0.3932, 0.5014, 0.4843, 0.5595],
        [0.4801, 0.5170, 0.5242, 0.5581]]), tensor([[0.0000, 0.0496, 1.0000, 1.0000]])]
labels----> [tensor([7, 7]), tensor([19])]
difficulties----> [tensor([0, 1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 1.3927,  1.3927,  1.3927,  ...,  0.6906,  0.7591,  0.8447],
          [ 1.3927,  1.3927,  1.3927,  ...,  0.7077,  0.7248,  0.8276],
          [ 1.3927,  1.3927,  1.3927,  ...,  0.7419,  0.7591,  0.8447],
          ...,
          [-0.4054, -0.3027, -0.2171,  ...,  0.1254,  0.1254,  0.0741],
          [-0.4739, -0.3541, -0.2171,  ...,  0.0741,  0.0912,  0.0398],
          [-0.5424, -0.4226, -0.3027,  ...,  0.1254,  0.1254,  0.0912]],

         [[ 1.5532,  1.5532,  1.5532,  ...,  1.1856,  1.2381,  1.3431],
          [ 1.5532,  1.5532,  1.5532,  ...,  1.2031,  1.2731,  1.3782],
          [ 1.5532,  1.5532,  1.5532,  ...,  1.2381,  1.3081,  1.3782],
          ...,
          [-0.3200, -0.1800, -0.0574,  ...,  0.2402,  0.2402,  0.2052],
          [-0.4251, -0.2500, -0.0924,  ...,  0.1877,  0.2052,  0.1702],
          [-0.5126, -0.3550, -0.1800,  ...,  0.2227,  0.2402,  0.2227]],

         [[ 1.7685,  1.7685,  1.7685,  ...,  1.6988,  1.7337,  1.8034],
          [ 1.7685,  1.7685,  1.7685,  ...,  1.7163,  1.7511,  1.8208],
          [ 1.7685,  1.7685,  1.7685,  ...,  1.7163,  1.7511,  1.8208],
          ...,
          [-0.3578, -0.2707, -0.2184,  ...,  0.0431,  0.0431, -0.0092],
          [-0.4624, -0.3404, -0.2358,  ..., -0.0092,  0.0256, -0.0267],
          [-0.5147, -0.4275, -0.3230,  ...,  0.0256,  0.0605,  0.0431]]],


        [[[ 2.2489,  2.2489,  2.2489,  ..., -1.8097, -1.9295, -2.0323],
          [ 2.2489,  2.2489,  2.2489,  ..., -0.9534, -1.2959, -1.7583],
          [ 2.2489,  2.2489,  2.2489,  ..., -1.0219, -1.2959, -1.7069],
          ...,
          [-0.0116, -0.0116,  0.0056,  ..., -2.0494, -2.0152, -2.0152],
          [ 0.0227,  0.0056,  0.0227,  ..., -1.7925, -1.7069, -1.6898],
          [ 0.1254,  0.0569,  0.0398,  ..., -1.5870, -1.6213, -1.6555]],

         [[ 1.6057,  1.6232,  1.6408,  ..., -1.8606, -1.8957, -1.9132],
          [ 1.6057,  1.6057,  1.6057,  ..., -1.1253, -1.3704, -1.7206],
          [ 1.6057,  1.6057,  1.6057,  ..., -1.1078, -1.3880, -1.8081],
          ...,
          [ 0.3803,  0.3978,  0.3978,  ..., -1.9482, -1.9307, -1.9132],
          [ 0.4153,  0.4153,  0.4328,  ..., -1.6856, -1.5980, -1.5455],
          [ 0.5378,  0.4678,  0.4328,  ..., -1.4405, -1.4755, -1.4930]],

         [[ 1.4025,  1.4025,  1.4200,  ..., -1.5779, -1.6650, -1.7522],
          [ 1.4025,  1.4025,  1.4025,  ..., -0.6890, -0.9853, -1.4036],
          [ 1.4025,  1.4025,  1.4025,  ..., -0.6541, -0.9853, -1.4210],
          ...,
          [ 0.8622,  0.8622,  0.8797,  ..., -1.6999, -1.6999, -1.6999],
          [ 0.8971,  0.8797,  0.8971,  ..., -1.3513, -1.3513, -1.3687],
          [ 1.0017,  0.9319,  0.9145,  ..., -1.0724, -1.2119, -1.3339]]]])
boxes----> [tensor([[0.2320, 0.4267, 0.3180, 0.4800],
        [0.3180, 0.4293, 0.3900, 0.4693],
        [0.0920, 0.4213, 0.2000, 0.5093]]), tensor([[0.0000, 0.0632, 1.0000, 0.9777]])]
labels----> [tensor([7, 7, 7]), tensor([7])]
difficulties----> [tensor([0, 0, 0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.1999, -0.2342, -0.2856,  ..., -0.4568, -0.4568, -0.4568],
          [-0.1828, -0.1999, -0.2342,  ..., -0.4397, -0.4226, -0.4054],
          [-0.2342, -0.2171, -0.2171,  ..., -0.4226, -0.4054, -0.3883],
          ...,
          [-0.9192, -1.0048, -1.1418,  ..., -0.5596, -0.5596, -0.5767],
          [-0.9192, -0.9705, -1.0733,  ..., -0.5938, -0.5767, -0.5767],
          [-0.8849, -0.9192, -0.9705,  ..., -0.5424, -0.5253, -0.5082]],

         [[-0.0749, -0.1099, -0.1450,  ..., -0.3901, -0.3901, -0.3901],
          [-0.0574, -0.0749, -0.0924,  ..., -0.3725, -0.3550, -0.3375],
          [-0.0924, -0.0924, -0.0924,  ..., -0.3375, -0.3375, -0.3200],
          ...,
          [-0.6352, -0.7402, -0.8803,  ..., -0.5301, -0.5301, -0.5301],
          [-0.6352, -0.7052, -0.8102,  ..., -0.5476, -0.5301, -0.5126],
          [-0.6001, -0.6352, -0.7052,  ..., -0.4776, -0.4601, -0.4426]],

         [[ 0.3219,  0.2871,  0.2522,  ..., -0.0615, -0.0615, -0.0615],
          [ 0.3393,  0.3219,  0.3045,  ..., -0.0441, -0.0092, -0.0092],
          [ 0.3045,  0.2871,  0.2871,  ..., -0.0092,  0.0082,  0.0256],
          ...,
          [-0.3578, -0.4624, -0.6193,  ..., -0.3404, -0.3404, -0.3578],
          [-0.3578, -0.4275, -0.5495,  ..., -0.3753, -0.3578, -0.3404],
          [-0.3404, -0.3927, -0.4624,  ..., -0.3055, -0.2881, -0.2707]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.1999, -0.4397, -0.6452],
          [-0.0116, -0.0116, -0.0116,  ..., -0.3541, -0.4911, -0.4911],
          [-0.0116, -0.0116, -0.0116,  ..., -0.4397, -0.4739, -0.3198]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.2325, -0.4776, -0.7052],
          [-0.0049, -0.0049, -0.0049,  ..., -0.4076, -0.5476, -0.5476],
          [-0.0049, -0.0049, -0.0049,  ..., -0.4951, -0.5301, -0.3725]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.1487, -0.3927, -0.6193],
          [-0.0092, -0.0092, -0.0092,  ..., -0.3055, -0.4450, -0.4624],
          [-0.0092, -0.0092, -0.0092,  ..., -0.4101, -0.4450, -0.2881]]]])
boxes----> [tensor([[0.2123, 0.1333, 0.6872, 0.3778]]), tensor([[0.5620, 0.7231, 0.6111, 0.7957]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([1], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[ 1.9578,  2.2489,  2.2489,  ..., -0.6109, -0.5938, -0.2513],
          [ 0.0741,  2.2147,  2.2489,  ..., -0.6452, -0.6965, -0.7137],
          [-0.7137,  1.4098,  2.2489,  ..., -0.6965, -0.5596, -0.5253],
          ...,
          [ 0.3309,  0.2796,  0.2624,  ...,  0.2111, -0.0116,  0.5364],
          [ 0.3823,  0.3138,  0.3481,  ...,  0.6734,  0.6563,  0.5193],
          [ 0.6049,  0.3823,  0.3309,  ...,  0.8961,  0.7077,  0.6563]],

         [[ 2.0434,  2.4286,  2.4286,  ..., -0.6877, -0.8102, -0.5651],
          [-0.0399,  2.3585,  2.4286,  ..., -0.6527, -0.7752, -0.9153],
          [-0.8803,  1.3782,  2.4286,  ..., -0.6176, -0.5301, -0.5826],
          ...,
          [ 0.1352,  0.1001,  0.0826,  ..., -0.0574, -0.3025,  0.1877],
          [ 0.2052,  0.1352,  0.1527,  ...,  0.4153,  0.3803,  0.1702],
          [ 0.4328,  0.1877,  0.1352,  ...,  0.6254,  0.4328,  0.3102]],

         [[ 2.3786,  2.6400,  2.6400,  ..., -1.0898, -1.1596, -0.8633],
          [ 0.5136,  2.6051,  2.6400,  ..., -0.9853, -1.0550, -1.1596],
          [-0.2881,  1.7685,  2.6400,  ..., -0.9156, -0.7587, -0.7936],
          ...,
          [ 0.3916,  0.3568,  0.3219,  ...,  0.1302, -0.1138,  0.4091],
          [ 0.4439,  0.3742,  0.4091,  ...,  0.6008,  0.5659,  0.3916],
          [ 0.6879,  0.4614,  0.3916,  ...,  0.8099,  0.6182,  0.5136]]],


        [[[-1.8097, -1.3644, -1.2103,  ..., -1.3302, -1.5185, -1.1418],
          [-1.2617, -1.2445, -1.4500,  ..., -0.5253, -1.2617, -1.4329],
          [-1.0219, -0.8335, -0.3027,  ..., -0.5767, -1.1589, -1.4329],
          ...,
          [-1.2103, -1.1760, -1.5185,  ..., -0.8678, -0.8849, -0.9192],
          [-0.9192, -0.9705, -1.0048,  ..., -0.8507, -0.9877, -1.1075],
          [-0.6965, -0.7479, -0.6281,  ..., -0.5767, -1.1247, -1.3815]],

         [[-1.2829, -1.0203, -0.9853,  ..., -0.5301, -0.7577, -0.4251],
          [-0.4776, -0.7052, -1.0903,  ...,  0.3452, -0.4601, -0.6176],
          [-0.1625, -0.1450,  0.1877,  ...,  0.2752, -0.3550, -0.6001],
          ...,
          [-1.0378, -0.9153, -1.1253,  ...,  0.0126, -0.1975, -0.4776],
          [-0.9503, -0.8277, -0.7402,  ...,  0.1001, -0.2675, -0.6527],
          [-1.0203, -1.1253, -0.9853,  ...,  0.0126, -0.6527, -0.9328]],

         [[-0.6541, -0.2358, -0.1138,  ..., -1.7522, -1.7870, -1.5953],
          [ 0.3219,  0.3045, -0.0790,  ..., -1.1247, -1.6127, -1.7870],
          [ 0.6879,  0.6182,  0.9668,  ..., -0.8981, -1.4733, -1.5081],
          ...,
          [-1.0898, -1.0201, -1.2990,  ..., -1.1073, -1.1944, -1.1596],
          [-0.8633, -0.7936, -0.7761,  ..., -0.9504, -1.1596, -1.2990],
          [-0.7587, -0.8981, -0.7936,  ..., -0.8458, -1.2641, -1.3164]]]])
boxes----> [tensor([[0.5444, 0.3833, 0.6194, 0.4458],
        [0.4028, 0.3625, 0.5056, 0.4688],
        [0.3611, 0.3938, 0.4111, 0.4208]]), tensor([[0.0000, 0.4755, 1.0000, 0.8617]])]
labels----> [tensor([7, 7, 7]), tensor([19])]
difficulties----> [tensor([0, 0, 1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ...,  0.6049,  0.6049,  0.6563],
          [-0.0116, -0.0116, -0.0116,  ...,  0.6392,  0.6392,  0.5707],
          [-0.0116, -0.0116, -0.0116,  ...,  0.6392,  0.6906,  0.5364],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0972, -0.0458, -0.0458],
          [-0.0116, -0.0116, -0.0116,  ..., -0.1314, -0.0801, -0.0629],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0801, -0.0629, -0.0801]],

         [[-0.0049, -0.0049, -0.0049,  ...,  0.4153,  0.4153,  0.4503],
          [-0.0049, -0.0049, -0.0049,  ...,  0.4503,  0.4503,  0.3803],
          [-0.0049, -0.0049, -0.0049,  ...,  0.4678,  0.5203,  0.3452],
          ...,
          [-0.0049, -0.0049, -0.0049,  ...,  0.0651,  0.1001,  0.1001],
          [-0.0049, -0.0049, -0.0049,  ...,  0.1001,  0.1352,  0.1352],
          [-0.0049, -0.0049, -0.0049,  ...,  0.1877,  0.1877,  0.1702]],

         [[-0.0092, -0.0092, -0.0092,  ...,  0.3742,  0.3916,  0.4265],
          [-0.0092, -0.0092, -0.0092,  ...,  0.4091,  0.4265,  0.3568],
          [-0.0092, -0.0092, -0.0092,  ...,  0.4265,  0.4788,  0.3219],
          ...,
          [-0.0092, -0.0092, -0.0092,  ...,  0.4091,  0.4265,  0.4091],
          [-0.0092, -0.0092, -0.0092,  ...,  0.4614,  0.4788,  0.4788],
          [-0.0092, -0.0092, -0.0092,  ...,  0.5485,  0.5311,  0.5136]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [ 0.7591,  0.7419,  0.7591,  ..., -0.0116, -0.0116, -0.0116],
          [ 0.7248,  0.7591,  0.7591,  ..., -0.0116, -0.0116, -0.0116],
          [ 0.7419,  0.7762,  0.7762,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [ 0.8529,  0.8354,  0.8704,  ..., -0.0049, -0.0049, -0.0049],
          [ 0.8354,  0.8704,  0.8529,  ..., -0.0049, -0.0049, -0.0049],
          [ 0.8529,  0.8880,  0.8704,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [ 0.9842,  0.9842,  0.9842,  ..., -0.0092, -0.0092, -0.0092],
          [ 0.9494,  1.0017,  0.9668,  ..., -0.0092, -0.0092, -0.0092],
          [ 0.9668,  1.0017,  0.9842,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.1900, 0.2535, 0.7850, 1.0000]]), tensor([[0.0000, 0.7957, 0.4210, 0.9492]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.1121, 0.7596, 0.8505, 0.9702]]), tensor([[0.4345, 0.5719, 0.5298, 0.6263]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.8507, -1.3302, -0.7137,  ..., -1.2103, -0.5424, -0.8507],
          [-1.0048, -1.1075, -1.0733,  ..., -1.3473, -0.7822, -0.9534],
          [-1.1247, -0.7650, -0.8164,  ..., -1.2274, -1.0562, -1.1418],
          ...,
          [-1.9638, -2.0152, -2.0494,  ..., -1.9809, -1.8782, -1.9124],
          [-1.9980, -2.0152, -1.9638,  ..., -1.9467, -1.9124, -2.0152],
          [-2.0323, -2.0152, -2.0323,  ..., -1.9124, -1.8782, -1.8610]],

         [[-1.0728, -1.5455, -0.8978,  ..., -1.3004, -0.6877, -1.1604],
          [-1.1078, -1.2654, -1.3179,  ..., -1.4580, -0.9328, -1.2829],
          [-1.1779, -0.9153, -1.1429,  ..., -1.4230, -1.3354, -1.5455],
          ...,
          [-1.8782, -1.9307, -1.9657,  ..., -1.8782, -1.7556, -1.7731],
          [-1.9132, -1.9307, -1.8782,  ..., -1.8256, -1.7731, -1.8606],
          [-1.9482, -1.9307, -1.9482,  ..., -1.7556, -1.7206, -1.7206]],

         [[-0.8807, -1.3164, -0.7761,  ..., -1.1421, -0.4798, -0.8807],
          [-0.8981, -1.0376, -1.1596,  ..., -1.2816, -0.7064, -0.9853],
          [-1.0027, -0.7064, -0.9678,  ..., -1.2119, -1.0724, -1.2119],
          ...,
          [-1.6476, -1.6999, -1.7347,  ..., -1.5953, -1.4733, -1.4907],
          [-1.6824, -1.6999, -1.6476,  ..., -1.5430, -1.4907, -1.5779],
          [-1.6999, -1.6650, -1.6824,  ..., -1.4733, -1.4384, -1.4210]]],


        [[[-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.1179],
          ...,
          [-0.8335, -0.6623, -0.6623,  ..., -0.9020, -0.6965, -0.7993],
          [-0.6452, -0.5596, -0.7137,  ..., -0.8507, -0.7308, -0.7822],
          [-0.4739, -0.4739, -0.7822,  ..., -0.7822, -0.7479, -0.7822]],

         [[-0.1975, -0.0924, -0.0924,  ..., -0.5476, -0.4426, -0.3025],
          [-0.1975, -0.0924, -0.1450,  ..., -0.5476, -0.4776, -0.3550],
          [-0.1975, -0.1099, -0.1975,  ..., -0.5476, -0.5301, -0.4251],
          ...,
          [-0.8627, -0.6702, -0.6877,  ..., -0.8803, -0.6527, -0.7752],
          [-0.6702, -0.5826, -0.7227,  ..., -0.8277, -0.6527, -0.7227],
          [-0.4951, -0.4951, -0.7752,  ..., -0.7577, -0.6527, -0.6702]],

         [[ 2.5180,  2.5180,  2.5180,  ...,  2.4134,  2.4134,  2.5180],
          [ 2.5180,  2.5180,  2.5180,  ...,  2.4308,  2.4308,  2.5006],
          [ 2.5180,  2.5180,  2.5180,  ...,  2.4483,  2.4657,  2.4657],
          ...,
          [-0.6193, -0.4275, -0.4275,  ..., -0.7413, -0.5147, -0.6367],
          [-0.4275, -0.3404, -0.4798,  ..., -0.6890, -0.5147, -0.6018],
          [-0.2532, -0.2532, -0.5321,  ..., -0.6193, -0.5147, -0.5670]]]])
boxes----> [tensor([[0.0830, 0.0980, 0.8210, 1.0000]]), tensor([[0.6054, 0.5104, 1.0000, 0.9427]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.1075, -1.0390, -1.0733,  ..., -1.4843, -1.4329, -1.4672],
          [-0.9705, -1.0562, -1.1932,  ..., -1.5014, -1.4843, -1.5014],
          [-0.4397, -0.4739, -0.5938,  ..., -1.5185, -1.5185, -1.5185],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.8803, -0.8102, -0.8627,  ..., -1.3880, -1.3354, -1.3704],
          [-0.7927, -0.8803, -1.0203,  ..., -1.4055, -1.3880, -1.4055],
          [-0.2850, -0.3200, -0.4251,  ..., -1.4230, -1.4230, -1.4230],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.6018, -0.5321, -0.5844,  ..., -1.1247, -1.0724, -1.1073],
          [-0.5321, -0.6193, -0.7587,  ..., -1.1421, -1.1247, -1.1421],
          [-0.0615, -0.1138, -0.2358,  ..., -1.1596, -1.1596, -1.1596],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[ 1.3242,  1.3242,  1.3242,  ...,  1.1700,  1.1529,  1.1700],
          [ 1.3755,  1.3755,  1.3755,  ...,  1.1529,  1.1700,  1.1529],
          [ 1.3755,  1.3755,  1.3927,  ...,  1.1529,  1.1872,  1.1700],
          ...,
          [ 0.7591,  0.5193,  0.5022,  ...,  0.7077,  1.0159,  1.1015],
          [ 0.3481,  0.9474,  1.0331,  ...,  0.6906,  0.6049,  0.7077],
          [ 0.5878,  0.8961,  0.6906,  ...,  0.7762,  0.7077,  0.7248]],

         [[ 1.5007,  1.4832,  1.5007,  ...,  1.3431,  1.3256,  1.3431],
          [ 1.5357,  1.5357,  1.5357,  ...,  1.3256,  1.3431,  1.3256],
          [ 1.5357,  1.5357,  1.5532,  ...,  1.3256,  1.3606,  1.3081],
          ...,
          [ 0.6954,  0.4503,  0.4328,  ...,  0.5728,  0.9055,  0.9755],
          [ 0.2752,  0.8880,  0.9755,  ...,  0.5553,  0.4853,  0.5728],
          [ 0.5203,  0.8354,  0.6254,  ...,  0.6429,  0.5728,  0.6078]],

         [[ 1.7511,  1.7337,  1.7511,  ...,  1.6988,  1.6814,  1.6988],
          [ 1.7685,  1.7685,  1.7685,  ...,  1.6814,  1.6988,  1.6814],
          [ 1.7685,  1.7685,  1.7685,  ...,  1.6814,  1.7163,  1.6814],
          ...,
          [ 0.4439,  0.1999,  0.1999,  ...,  0.2522,  0.5659,  0.6182],
          [ 0.0256,  0.6531,  0.7228,  ...,  0.2348,  0.1476,  0.2173],
          [ 0.2871,  0.6008,  0.3916,  ...,  0.3045,  0.2348,  0.2348]]]])
boxes----> [tensor([[-0.0030,  0.0000,  0.9970,  0.7812]]), tensor([[0.0524, 0.6115, 0.1469, 0.6619]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[ 0.7248,  0.4337,  0.7077,  ...,  1.0331,  1.0673,  1.0673],
          [ 0.7077,  0.2967,  0.3481,  ...,  1.1358,  1.1529,  1.1358],
          [ 0.8104,  0.7933,  0.8276,  ...,  1.1187,  1.1358,  1.1187],
          ...,
          [-0.6109, -0.5596, -0.5424,  ..., -0.7308, -0.7308, -0.7479],
          [-0.5424, -0.5767, -0.5596,  ..., -0.7650, -0.7479, -0.8164],
          [-0.5938, -0.6109, -0.5767,  ..., -0.7650, -0.7822, -0.7993]],

         [[ 0.6078, -0.3725, -0.4426,  ...,  1.2381,  1.2556,  1.2206],
          [ 0.7304,  0.1352,  0.0476,  ...,  1.2906,  1.2906,  1.2906],
          [ 0.9230,  0.6779,  0.6604,  ...,  1.2906,  1.3256,  1.3081],
          ...,
          [-0.4776, -0.4426, -0.4076,  ..., -0.6001, -0.6176, -0.6352],
          [-0.4076, -0.4426, -0.4251,  ..., -0.6527, -0.6352, -0.7052],
          [-0.4601, -0.4951, -0.4601,  ..., -0.6527, -0.6702, -0.6877]],

         [[ 1.0017,  0.1476,  0.1128,  ...,  1.4722,  1.4897,  1.4722],
          [ 1.0191,  0.4091,  0.3219,  ...,  1.4897,  1.4722,  1.4722],
          [ 1.2108,  0.9494,  0.9145,  ...,  1.5420,  1.5420,  1.5420],
          ...,
          [-0.2358, -0.1835, -0.1661,  ..., -0.3578, -0.3753, -0.3927],
          [-0.1661, -0.2010, -0.1835,  ..., -0.4101, -0.3927, -0.4624],
          [-0.2184, -0.2358, -0.2184,  ..., -0.3927, -0.4275, -0.4450]]]])
boxes----> [tensor([[0.5735, 0.3353, 0.6202, 0.4136],
        [0.3560, 0.2892, 0.4732, 0.4389]]), tensor([[0.0000, 0.2187, 0.1360, 0.3467],
        [0.0840, 0.2187, 0.2540, 0.3573],
        [0.1840, 0.2240, 0.3780, 0.3707],
        [0.5560, 0.2347, 0.8060, 0.3173],
        [0.7880, 0.2507, 0.9980, 0.4560],
        [0.1120, 0.2480, 0.9960, 0.8293]])]
labels----> [tensor([19, 19]), tensor([7, 7, 7, 7, 7, 7])]
difficulties----> [tensor([0, 0], dtype=torch.uint8), tensor([0, 0, 0, 1, 0, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[ 0.4337,  0.4337,  0.4337,  ...,  0.4337,  0.4337,  0.4337],
          [ 0.4337,  0.4337,  0.4337,  ...,  0.4337,  0.4337,  0.4337],
          [ 0.4337,  0.4337,  0.4337,  ...,  0.4337,  0.4337,  0.4337],
          ...,
          [-0.3198, -0.7993, -0.8164,  ..., -0.5938, -0.7479, -0.7993],
          [-0.4739, -0.9020, -0.4226,  ..., -0.3198, -0.4397, -0.9534],
          [-0.4568, -0.9192, -0.5424,  ..., -0.3541, -0.5767, -0.8678]],

         [[ 0.5728,  0.5728,  0.5728,  ...,  0.5728,  0.5728,  0.5728],
          [ 0.5728,  0.5728,  0.5728,  ...,  0.5728,  0.5728,  0.5728],
          [ 0.5728,  0.5728,  0.5728,  ...,  0.5728,  0.5728,  0.5728],
          ...,
          [-0.8452, -1.3179, -1.1954,  ..., -0.8627, -1.0553, -1.1429],
          [-0.9503, -1.3704, -0.7227,  ..., -0.6877, -0.7927, -1.2479],
          [-1.0378, -1.4930, -0.9678,  ..., -0.7752, -0.9853, -1.2654]],

         [[ 0.7925,  0.7925,  0.7925,  ...,  0.7925,  0.7925,  0.7925],
          [ 0.7925,  0.7925,  0.7925,  ...,  0.7925,  0.7925,  0.7925],
          [ 0.7925,  0.7925,  0.7925,  ...,  0.7925,  0.7925,  0.7925],
          ...,
          [-0.6715, -1.2119, -1.1770,  ..., -0.8110, -0.9678, -1.0201],
          [-0.8284, -1.3339, -0.7761,  ..., -0.5670, -0.6715, -1.1596],
          [-0.8981, -1.2641, -0.7587,  ..., -0.6541, -0.9156, -1.2293]]]])
boxes----> [tensor([[0.6036, 0.5888, 0.6479, 0.6255],
        [0.8845, 0.5788, 0.9320, 0.5981],
        [0.8956, 0.5868, 0.9320, 0.6168],
        [0.8932, 0.6081, 0.9320, 0.6348],
        [0.8956, 0.6282, 0.9320, 0.7029]]), tensor([[-0.0033,  0.4227,  0.7358,  0.7508]])]
labels----> [tensor([7, 7, 7, 7, 7]), tensor([19])]
difficulties----> [tensor([0, 1, 0, 1, 1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0801, -0.6794, -0.0287,  ...,  1.7694,  0.7591,  0.0056],
          [-0.1657, -0.4568, -0.1999,  ...,  0.5536,  0.5193,  0.7248],
          [-0.2171, -0.4568, -0.3712,  ..., -0.3027, -0.2513,  0.0398],
          ...,
          [ 2.1975,  2.2147,  2.2489,  ...,  2.1975,  2.1119,  2.0263],
          [ 2.1804,  2.1804,  2.2147,  ...,  2.2147,  2.2318,  2.2489],
          [ 2.1804,  2.0605,  2.0777,  ...,  2.2147,  2.1633,  2.2147]],

         [[ 0.1352, -0.5651,  0.0651,  ...,  2.3410,  1.2206,  0.3803],
          [ 0.1001, -0.2850, -0.0924,  ...,  1.0980,  0.8179,  0.9580],
          [-0.1099, -0.3550, -0.2850,  ..., -0.1099, -0.0399,  0.3102],
          ...,
          [ 2.2185,  2.2535,  2.2360,  ...,  2.2185,  2.1835,  2.1310],
          [ 2.0784,  2.1485,  2.1485,  ...,  2.3060,  2.3585,  2.3410],
          [ 2.1134,  1.9559,  2.0259,  ...,  2.3060,  2.1660,  2.2535]],

         [[-0.4275, -1.0376, -0.3578,  ...,  2.5354,  1.3328,  0.4962],
          [-0.4101, -0.7238, -0.5147,  ...,  1.2282,  1.0017,  1.1759],
          [-0.6715, -0.8981, -0.7238,  ..., -0.0790,  0.0082,  0.2696],
          ...,
          [ 1.5071,  1.6465,  1.8731,  ...,  1.6117,  1.6640,  1.6640],
          [ 1.4548,  1.5594,  1.6640,  ...,  1.9777,  2.1171,  2.1346],
          [ 1.7511,  1.6291,  1.6117,  ...,  2.2566,  2.1694,  2.1346]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0886, 0.0000, 0.9978, 1.0000]]), tensor([[0.2576, 0.3606, 0.8977, 1.0000]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 0.8447,  1.7865,  1.7352,  ...,  0.4166, -0.5253,  0.6221],
          [ 0.8789,  1.6838,  1.7180,  ...,  0.6049, -0.4911,  0.4508],
          [ 0.9474,  1.4954,  1.6838,  ...,  0.8961, -0.4397,  0.1768],
          ...,
          [-1.2274, -1.4500, -1.4500,  ..., -1.6727, -1.6727, -1.7925],
          [-1.7754, -1.7925, -1.6042,  ..., -1.6727, -1.6555, -1.7240],
          [-2.1179, -2.0152, -1.7069,  ..., -1.6727, -1.6555, -1.6898]],

         [[ 1.0455,  1.9559,  1.9034,  ...,  0.5903, -0.3200,  0.8529],
          [ 1.0805,  1.8508,  1.8859,  ...,  0.7829, -0.3025,  0.6779],
          [ 1.1506,  1.6583,  1.8333,  ...,  1.0980, -0.2500,  0.3978],
          ...,
          [-1.0378, -1.2654, -1.2654,  ..., -1.4055, -1.3880, -1.5105],
          [-1.6506, -1.6506, -1.4405,  ..., -1.4580, -1.4055, -1.4405],
          [-2.0357, -1.8957, -1.5455,  ..., -1.4755, -1.4055, -1.4055]],

         [[ 1.5420,  2.3786,  2.2043,  ...,  1.0539,  0.0953,  1.2282],
          [ 1.5942,  2.2914,  2.1868,  ...,  1.2457,  0.1302,  1.0714],
          [ 1.6640,  2.1346,  2.1520,  ...,  1.5594,  0.1999,  0.8099],
          ...,
          [-0.7064, -0.8458, -0.7761,  ..., -1.2641, -1.2119, -1.3339],
          [-1.3513, -1.2641, -0.9678,  ..., -1.2816, -1.1944, -1.2467],
          [-1.7347, -1.5081, -1.0724,  ..., -1.2816, -1.1944, -1.1944]]],


        [[[ 2.2318,  2.2318,  2.2318,  ...,  2.2489,  2.2489,  2.2489],
          [ 2.1462,  2.2318,  2.2318,  ...,  2.2318,  2.2489,  2.2489],
          [ 2.2318,  2.2147,  2.2147,  ...,  2.2318,  2.2318,  2.2147],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[ 2.0434,  2.0434,  2.0434,  ...,  2.1485,  2.2010,  2.2360],
          [ 1.9909,  2.0434,  2.0609,  ...,  2.1660,  2.2185,  2.2010],
          [ 2.0609,  2.0609,  2.0434,  ...,  2.1660,  2.1660,  2.1134],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[ 2.5703,  2.5703,  2.5703,  ...,  2.5529,  2.5877,  2.6051],
          [ 2.4831,  2.5703,  2.5877,  ...,  2.5703,  2.6051,  2.5703],
          [ 2.5877,  2.5877,  2.5703,  ...,  2.5703,  2.5703,  2.5180],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[-0.0033,  0.1588,  0.5921,  0.6412]]), tensor([[-0.0027,  0.2364,  0.9973,  0.7848]])]
labels----> [tensor([19]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 2.2318,  2.2318,  2.2489,  ...,  2.2147,  2.2147,  2.2147],
          [ 2.2318,  2.2318,  2.2489,  ...,  2.2147,  2.2147,  2.2147],
          [ 2.2318,  2.2318,  2.2489,  ...,  2.2147,  2.2147,  2.2147],
          ...,
          [-1.1589, -1.3130, -1.5528,  ..., -1.6042, -1.2788, -1.0904],
          [-1.1932, -1.3473, -1.6042,  ..., -1.6384, -1.3302, -1.1589],
          [-1.1932, -1.3473, -1.6042,  ..., -1.6384, -1.3302, -1.1589]],

         [[ 2.4111,  2.4111,  2.4286,  ...,  2.3761,  2.3761,  2.3761],
          [ 2.4111,  2.4111,  2.4286,  ...,  2.3761,  2.3761,  2.3761],
          [ 2.4111,  2.4111,  2.4286,  ...,  2.3761,  2.3761,  2.3761],
          ...,
          [-1.1429, -1.3179, -1.6155,  ..., -1.7031, -1.3529, -1.1604],
          [-1.1779, -1.3529, -1.6681,  ..., -1.7206, -1.4055, -1.2304],
          [-1.1779, -1.3529, -1.6681,  ..., -1.7206, -1.4055, -1.2304]],

         [[ 2.5877,  2.5877,  2.6051,  ...,  2.5006,  2.5006,  2.5006],
          [ 2.5877,  2.5877,  2.6051,  ...,  2.5006,  2.5006,  2.5006],
          [ 2.5877,  2.5877,  2.6051,  ...,  2.5006,  2.5006,  2.5006],
          ...,
          [-0.9853, -1.1421, -1.3687,  ..., -1.5081, -1.1421, -0.9504],
          [-1.0201, -1.1770, -1.4384,  ..., -1.5256, -1.1944, -1.0201],
          [-1.0201, -1.1770, -1.4384,  ..., -1.5256, -1.1944, -1.0201]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[-0.0062,  0.0690,  0.9938,  1.0000]]), tensor([[0.5394, 0.7582, 0.6023, 0.8741],
        [0.7523, 0.8321, 0.8008, 0.8631],
        [0.7409, 0.8294, 0.7750, 0.8558]])]
labels----> [tensor([19]), tensor([19,  7,  7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0, 1], dtype=torch.uint8)]
images----> tensor([[[[-0.5767, -0.6452, -0.6623,  ..., -0.3541, -0.3541, -0.3541],
          [-0.5938, -0.6623, -0.6794,  ..., -0.3541, -0.3541, -0.3541],
          [-0.6109, -0.6794, -0.7137,  ..., -0.3369, -0.3541, -0.3712],
          ...,
          [-0.0972, -0.1486, -0.1314,  ...,  0.5193,  0.6906,  0.8276],
          [-0.2513, -0.1828, -0.1143,  ...,  0.4851,  0.4679,  0.4851],
          [-0.3712, -0.2171, -0.0972,  ...,  0.3823,  0.2111,  0.1597]],

         [[-0.4076, -0.4776, -0.4951,  ..., -0.3725, -0.3725, -0.3725],
          [-0.4251, -0.4951, -0.5126,  ..., -0.3725, -0.3725, -0.3725],
          [-0.4601, -0.5126, -0.5476,  ..., -0.3550, -0.3725, -0.3901],
          ...,
          [-0.1800, -0.2325, -0.2325,  ...,  0.4328,  0.5203,  0.5553],
          [-0.3725, -0.3025, -0.2500,  ...,  0.2577,  0.2052,  0.1877],
          [-0.5301, -0.3550, -0.2500,  ...,  0.0651, -0.1099, -0.1625]],

         [[ 0.6182,  0.5311,  0.4614,  ..., -0.0267, -0.0441, -0.0615],
          [ 0.6008,  0.5136,  0.4439,  ..., -0.0267, -0.0441, -0.0615],
          [ 0.5834,  0.4962,  0.4091,  ..., -0.0092, -0.0441, -0.0790],
          ...,
          [-0.0441, -0.0964, -0.0790,  ...,  0.1128,  0.1651,  0.1651],
          [-0.1835, -0.1138, -0.0267,  ..., -0.1312, -0.2184, -0.2532],
          [-0.3055, -0.1138,  0.0256,  ..., -0.3927, -0.5844, -0.6367]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.6109, -0.7137, -0.7308,  ..., -0.0116, -0.0116, -0.0116],
          [-0.6965, -0.7650, -0.7822,  ..., -0.0116, -0.0116, -0.0116],
          [-0.7650, -0.7993, -0.7993,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.6702, -0.7402, -0.7227,  ..., -0.0049, -0.0049, -0.0049],
          [-0.7402, -0.7927, -0.7752,  ..., -0.0049, -0.0049, -0.0049],
          [-0.7752, -0.8102, -0.7927,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.6890, -0.7587, -0.7587,  ..., -0.0092, -0.0092, -0.0092],
          [-0.7413, -0.8110, -0.7936,  ..., -0.0092, -0.0092, -0.0092],
          [-0.7936, -0.8284, -0.8110,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0243, 0.0000, 1.0000, 0.9096]]), tensor([[-0.0022,  0.1440,  0.7888,  1.0000]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ...,  0.2282,  0.1939,  0.1768],
          [-0.0116, -0.0116, -0.0116,  ...,  0.2111,  0.2111,  0.1597],
          [-0.0116, -0.0116, -0.0116,  ...,  0.2111,  0.2111,  0.2111]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ...,  0.1702,  0.1527,  0.1352],
          [-0.0049, -0.0049, -0.0049,  ...,  0.1527,  0.1702,  0.1176],
          [-0.0049, -0.0049, -0.0049,  ...,  0.1527,  0.1877,  0.1702]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ...,  0.2173,  0.1825,  0.1825],
          [-0.0092, -0.0092, -0.0092,  ...,  0.1999,  0.1999,  0.1651],
          [-0.0092, -0.0092, -0.0092,  ...,  0.1999,  0.2173,  0.1999]]],


        [[[-0.5767, -0.5596, -0.5424,  ...,  0.6392,  0.7248,  0.7762],
          [-0.5767, -0.5596, -0.5424,  ...,  0.6049,  0.6906,  0.7419],
          [-0.5767, -0.5596, -0.5253,  ...,  0.5536,  0.6392,  0.6906],
          ...,
          [ 0.6734,  0.6563,  0.6392,  ...,  0.1939,  0.1939,  0.1939],
          [ 0.6734,  0.6734,  0.6563,  ...,  0.2453,  0.3309,  0.3823],
          [ 0.6734,  0.6734,  0.6734,  ...,  0.2624,  0.3994,  0.4851]],

         [[-0.6001, -0.6001, -0.5826,  ...,  0.6954,  0.7654,  0.8179],
          [-0.5826, -0.5826, -0.5651,  ...,  0.6604,  0.7304,  0.7829],
          [-0.5651, -0.5476, -0.5126,  ...,  0.5903,  0.6604,  0.7129],
          ...,
          [ 0.7479,  0.7304,  0.7129,  ...,  0.3627,  0.3803,  0.3803],
          [ 0.7479,  0.7479,  0.7304,  ...,  0.4153,  0.5203,  0.5728],
          [ 0.7479,  0.7479,  0.7479,  ...,  0.4503,  0.5903,  0.6779]],

         [[-0.3230, -0.3055, -0.2881,  ...,  0.8622,  0.9668,  1.0191],
          [-0.3230, -0.3055, -0.2707,  ...,  0.8274,  0.9319,  0.9842],
          [-0.3230, -0.2881, -0.2532,  ...,  0.7576,  0.8622,  0.9145],
          ...,
          [ 0.9319,  0.9145,  0.8797,  ...,  0.5659,  0.5834,  0.6008],
          [ 0.9319,  0.9319,  0.8971,  ...,  0.6356,  0.7402,  0.8099],
          [ 0.9319,  0.9319,  0.9145,  ...,  0.6705,  0.8274,  0.9319]]]])
boxes----> [tensor([[0.1181, 0.3975, 0.9206, 1.0000],
        [0.8086, 0.3975, 0.9980, 0.7888],
        [0.6436, 0.3913, 0.8045, 0.5311],
        [0.0387, 0.3944, 0.2709, 0.5311]]), tensor([[0.1250, 0.4375, 1.0000, 1.0000]])]
labels----> [tensor([7, 7, 7, 7]), tensor([7])]
difficulties----> [tensor([0, 0, 1, 0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-1.3130, -1.3302, -1.2959,  ...,  0.8276,  0.9132,  0.7762],
          [-1.2445, -1.1418, -1.1075,  ...,  0.7248,  0.7591,  0.7419],
          [-0.9705, -0.5082, -0.5424,  ...,  0.6563,  0.7248,  0.5707]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.9503, -0.9678, -0.9328,  ...,  0.6254,  0.7129,  0.5728],
          [-0.8452, -0.7577, -0.7227,  ...,  0.5728,  0.5903,  0.5378],
          [-0.4601,  0.0651,  0.0476,  ...,  0.5728,  0.5903,  0.4678]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.9156, -0.9504, -0.8981,  ...,  1.0539,  1.1411,  1.0714],
          [-0.7761, -0.7064, -0.7064,  ...,  1.0017,  1.0714,  1.1062],
          [-0.4973, -0.0615, -0.1312,  ...,  1.0888,  1.1237,  1.0017]]],


        [[[ 1.4269,  1.1872,  1.0331,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.2043,  1.3070,  1.2385,  ..., -0.0116, -0.0116, -0.0116],
          [ 1.3242,  1.4783,  1.4783,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[ 1.5532,  1.3081,  1.1681,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.3431,  1.4482,  1.3782,  ..., -0.0049, -0.0049, -0.0049],
          [ 1.4657,  1.6232,  1.6232,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[ 1.6988,  1.4374,  1.2980,  ..., -0.0092, -0.0092, -0.0092],
          [ 1.4897,  1.5594,  1.4897,  ..., -0.0092, -0.0092, -0.0092],
          [ 1.5942,  1.7511,  1.7337,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0684, 0.4468, 0.9962, 1.0000],
        [0.7110, 0.2918, 0.9924, 0.4529],
        [0.0304, 0.7660, 0.1445, 0.8571]]), tensor([[0.0412, 0.0000, 0.6581, 0.6047]])]
labels----> [tensor([7, 7, 7]), tensor([7])]
difficulties----> [tensor([0, 0, 1], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-1.4158, -1.6555, -1.7240,  ...,  0.5707, -0.0972, -0.9534],
          [-1.4843, -1.6384, -1.6555,  ...,  0.4508,  0.0912, -0.1999],
          [-1.5185, -1.5014, -1.5185,  ...,  0.2967,  0.1768,  0.3138],
          ...,
          [-0.7479, -0.6623, -0.5767,  ..., -2.0494, -2.0323, -2.0152],
          [-0.6794, -0.6109, -0.6109,  ..., -2.0665, -2.0665, -2.0494],
          [-0.4739, -0.4226, -0.4911,  ..., -2.0494, -2.0494, -2.0494]],

         [[-1.2479, -1.5280, -1.5980,  ...,  1.2381,  0.5378, -0.3901],
          [-1.2829, -1.4580, -1.4930,  ...,  1.1856,  0.8004,  0.4328],
          [-1.2654, -1.2654, -1.2829,  ...,  1.0105,  0.8880,  0.9755],
          ...,
          [-0.4426, -0.3200, -0.1800,  ..., -1.9657, -1.9482, -1.8957],
          [-0.4076, -0.3025, -0.2150,  ..., -1.9832, -1.9657, -1.9307],
          [-0.3200, -0.2675, -0.2500,  ..., -1.9657, -1.9482, -1.9307]],

         [[-1.0027, -1.2641, -1.3687,  ...,  1.4200,  0.7054, -0.2184],
          [-1.0550, -1.2293, -1.2467,  ...,  1.3502,  0.9494,  0.6182],
          [-1.0550, -1.0376, -1.0550,  ...,  1.1759,  1.0539,  1.1585],
          ...,
          [-0.3230, -0.2184, -0.0615,  ..., -1.7347, -1.7173, -1.6824],
          [-0.2707, -0.1661, -0.1138,  ..., -1.7522, -1.7347, -1.7173],
          [-0.1138, -0.0615, -0.0790,  ..., -1.7347, -1.7347, -1.7173]]],


        [[[ 1.3927,  1.2557,  1.2557,  ..., -0.6794, -0.6623, -0.6452],
          [ 1.3584,  1.2557,  1.2899,  ..., -0.6109, -0.5938, -0.5938],
          [ 1.2043,  1.2385,  1.2557,  ..., -0.5767, -0.5596, -0.6109],
          ...,
          [-1.7240, -1.6898, -1.7412,  ..., -1.9124, -1.9467, -1.9809],
          [-1.7412, -1.7069, -1.7240,  ..., -1.9638, -1.9809, -1.9980],
          [-1.7240, -1.6898, -1.6555,  ..., -2.0152, -2.0323, -2.0323]],

         [[ 0.9230,  0.7829,  0.8004,  ..., -0.8627, -0.8452, -0.8277],
          [ 0.9055,  0.8004,  0.8179,  ..., -0.8102, -0.8102, -0.7752],
          [ 0.7829,  0.8179,  0.8179,  ..., -0.8102, -0.7927, -0.7927],
          ...,
          [-1.8256, -1.7906, -1.8431,  ..., -1.9307, -1.9657, -1.9832],
          [-1.8431, -1.8081, -1.8256,  ..., -1.9307, -1.9482, -1.9482],
          [-1.8256, -1.7906, -1.7556,  ..., -1.9482, -1.9657, -1.9657]],

         [[-0.5670, -0.7761, -0.7936,  ..., -1.1073, -1.0724, -1.0550],
          [-0.6018, -0.7761, -0.7761,  ..., -1.0550, -1.0201, -1.0027],
          [-0.7238, -0.7761, -0.7761,  ..., -1.0201, -1.0027, -1.0027],
          ...,
          [-1.6999, -1.6650, -1.6999,  ..., -1.7173, -1.7522, -1.7870],
          [-1.7173, -1.6824, -1.6999,  ..., -1.6824, -1.7173, -1.7696],
          [-1.7173, -1.6999, -1.6476,  ..., -1.6999, -1.7347, -1.7696]]]])
boxes----> [tensor([[0.0000, 0.2244, 1.0000, 1.0000]]), tensor([[-0.0036,  0.0000,  0.9964,  1.0000]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 1.1015,  1.1187,  1.1529,  ...,  1.4612,  1.4954,  1.4269],
          [ 1.1187,  1.1187,  1.1529,  ...,  1.4440,  1.4954,  1.4440],
          [ 1.1187,  1.1187,  1.1529,  ...,  1.4612,  1.4612,  1.4440],
          ...,
          [-0.9363, -0.9534, -1.0048,  ..., -0.6623, -0.6109, -0.5938],
          [-0.9877, -0.9192, -0.9705,  ..., -0.6794, -0.6281, -0.5767],
          [-0.9363, -1.0562, -1.0048,  ..., -0.6965, -0.7308, -0.8335]],

         [[ 1.3256,  1.3431,  1.3782,  ...,  1.6408,  1.6758,  1.6057],
          [ 1.3606,  1.3606,  1.3782,  ...,  1.6057,  1.6758,  1.6232],
          [ 1.3606,  1.3431,  1.3782,  ...,  1.6232,  1.6408,  1.6232],
          ...,
          [-0.6527, -0.6702, -0.7052,  ..., -0.6352, -0.5651, -0.5476],
          [-0.7052, -0.6352, -0.6877,  ..., -0.6176, -0.5826, -0.5301],
          [-0.6352, -0.7402, -0.6877,  ..., -0.6352, -0.6877, -0.7927]],

         [[ 1.3328,  1.3502,  1.3677,  ...,  1.5942,  1.6117,  1.5420],
          [ 1.3502,  1.3502,  1.3677,  ...,  1.5768,  1.6291,  1.5768],
          [ 1.3502,  1.3502,  1.3677,  ...,  1.5942,  1.5942,  1.5768],
          ...,
          [-0.4624, -0.4798, -0.5147,  ..., -0.7936, -0.7238, -0.6890],
          [-0.5147, -0.4450, -0.4973,  ..., -0.7936, -0.7238, -0.6715],
          [-0.4450, -0.5495, -0.4973,  ..., -0.7936, -0.8110, -0.8807]]],


        [[[ 0.0056, -0.0116, -0.0116,  ..., -0.3883,  0.5364,  1.0844],
          [ 0.0056,  0.0056, -0.0116,  ...,  0.3823,  0.9817,  0.9646],
          [ 0.0056,  0.0227,  0.0056,  ...,  0.2796,  0.5536,  0.5022],
          ...,
          [ 0.9988,  0.7762,  1.0159,  ...,  0.0569, -0.0287, -0.0801],
          [ 1.0844,  1.0159,  0.9303,  ..., -0.0116, -0.0972, -0.0629],
          [ 0.8618,  1.0331,  0.9646,  ..., -0.0458, -0.1828,  0.0741]],

         [[ 0.1001,  0.1001,  0.0826,  ..., -0.2675,  0.6779,  1.2381],
          [ 0.1001,  0.1176,  0.1001,  ...,  0.5203,  1.1506,  1.1331],
          [ 0.1176,  0.1176,  0.1001,  ...,  0.4153,  0.6954,  0.6604],
          ...,
          [ 1.0455,  0.8004,  1.0455,  ..., -0.0399, -0.1099, -0.1800],
          [ 1.1331,  1.0455,  0.9580,  ..., -0.1099, -0.2150, -0.1800],
          [ 0.8704,  1.0630,  0.9930,  ..., -0.1275, -0.2675, -0.0224]],

         [[ 0.5136,  0.5311,  0.5136,  ...,  0.0256,  0.9842,  1.5420],
          [ 0.5136,  0.5311,  0.5311,  ...,  0.7925,  1.3851,  1.3677],
          [ 0.5311,  0.5311,  0.5311,  ...,  0.6531,  0.9319,  0.8797],
          ...,
          [ 0.8622,  0.6008,  0.8274,  ...,  0.1651,  0.0605,  0.0082],
          [ 0.9145,  0.8274,  0.7228,  ...,  0.0953, -0.0092,  0.0256],
          [ 0.6356,  0.7751,  0.7228,  ...,  0.0779, -0.0615,  0.1651]]]])
boxes----> [tensor([[0.0000, 0.4577, 0.5994, 0.9781]]), tensor([[-0.0037,  0.4023,  0.8704,  1.0000],
        [ 0.0667,  0.3615,  0.7778,  0.5831]])]
labels----> [tensor([7]), tensor([19, 19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[-2.1179, -2.1179, -2.1179,  ..., -2.0323, -2.1008, -1.9295],
          [-2.1179, -2.1179, -2.1179,  ..., -2.0837, -2.1179, -1.9980],
          [-2.1179, -2.1179, -2.1179,  ..., -2.1179, -2.1179, -2.0837],
          ...,
          [-0.4568, -0.7822, -0.7650,  ...,  0.5536,  0.6734,  0.4679],
          [ 0.0569, -0.3027, -0.9363,  ...,  0.4851,  0.6734,  0.5364],
          [ 0.5707,  0.1083, -0.9705,  ...,  0.4337,  0.6392,  0.6734]],

         [[-2.0182, -1.9832, -2.0357,  ..., -1.4930, -1.7381, -1.5105],
          [-2.0357, -2.0182, -2.0357,  ..., -1.6506, -1.7381, -1.5630],
          [-2.0357, -2.0357, -2.0357,  ..., -1.8431, -1.7906, -1.6681],
          ...,
          [-0.2675, -0.6176, -0.6176,  ...,  0.0826,  0.0651, -0.2500],
          [ 0.2402, -0.1099, -0.7927,  ...,  0.0476,  0.1176, -0.1099],
          [ 0.7304,  0.3452, -0.8452,  ...,  0.0651,  0.1877,  0.0826]],

         [[-1.6650, -1.4907, -1.6476,  ..., -0.9678, -1.2293, -1.0201],
          [-1.7347, -1.6476, -1.7347,  ..., -1.0898, -1.1770, -1.0027],
          [-1.8044, -1.8044, -1.8044,  ..., -1.2293, -1.2119, -1.0550],
          ...,
          [-0.0964, -0.5321, -0.6018,  ..., -0.1312, -0.0964, -0.3404],
          [ 0.4265, -0.0092, -0.7587,  ..., -0.1138,  0.0082, -0.1661],
          [ 0.9319,  0.4614, -0.7413,  ..., -0.0615,  0.0953,  0.0605]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.0873, 0.0000, 1.0000, 0.7861]]), tensor([[0.3167, 0.3462, 0.3779, 0.4009],
        [0.4248, 0.3462, 0.4528, 0.3827],
        [0.4520, 0.3599, 0.4679, 0.3815],
        [0.4906, 0.3610, 0.5064, 0.3804],
        [0.5669, 0.3656, 0.5964, 0.3952],
        [0.5488, 0.3610, 0.5624, 0.3793],
        [0.6417, 0.3622, 0.6614, 0.3815],
        [0.6221, 0.3656, 0.6364, 0.3804],
        [0.6002, 0.3554, 0.6206, 0.3793],
        [0.4785, 0.3599, 0.4906, 0.3770],
        [0.4701, 0.3599, 0.4792, 0.3736]])]
labels----> [tensor([19]), tensor([7, 7, 7, 7, 7, 7, 7, 7, 7, 7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0, 1, 1, 0, 1, 0, 1, 1, 1, 1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.5357, 0.2335, 0.8870, 0.4755]]), tensor([[0.1458, 0.5041, 0.3698, 0.6999]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[ 0.3309,  0.3652,  0.3481,  ..., -0.4911, -0.1828, -0.4054],
          [ 0.5022,  0.5878,  0.5878,  ..., -0.7137, -0.8164, -0.9877],
          [ 0.6563,  0.7933,  0.8961,  ..., -0.9363, -0.7822, -1.1418],
          ...,
          [ 2.2489,  2.2489,  2.2489,  ..., -1.1932, -0.7993, -0.9192],
          [ 2.2489,  2.2489,  2.2489,  ..., -0.6281, -0.6109, -1.0733],
          [ 2.1975,  2.1975,  2.1804,  ..., -0.4739, -1.0219, -1.0562]],

         [[ 0.5028,  0.5378,  0.5203,  ..., -0.1450,  0.1527, -0.0574],
          [ 0.6429,  0.6779,  0.6779,  ..., -0.3725, -0.4601, -0.6527],
          [ 0.8354,  0.8880,  1.0105,  ..., -0.6001, -0.4601, -0.8452],
          ...,
          [-0.5301, -0.5651, -0.5826,  ..., -1.0553, -0.6352, -0.7927],
          [-0.4601, -0.4426, -0.3725,  ..., -0.4601, -0.4776, -0.9503],
          [-1.1429, -0.9853, -1.0203,  ..., -0.3200, -0.8978, -0.9153]],

         [[ 0.3916,  0.4091,  0.4091,  ..., -0.2707,  0.0082, -0.2358],
          [ 0.4962,  0.5311,  0.5136,  ..., -0.4973, -0.6193, -0.8110],
          [ 0.5834,  0.6705,  0.7751,  ..., -0.7761, -0.6193, -1.0550],
          ...,
          [-0.3404, -0.3753, -0.3753,  ..., -0.9853, -0.5844, -0.7238],
          [-0.5670, -0.5495, -0.4798,  ..., -0.4101, -0.4101, -0.8807],
          [-1.0724, -1.0201, -1.0550,  ..., -0.2707, -0.8284, -0.8458]]],


        [[[ 1.9064,  1.9064,  1.9064,  ...,  1.6838,  1.6667,  1.6667],
          [ 1.9064,  1.9064,  1.9064,  ...,  1.6324,  1.6153,  1.6324],
          [ 1.9064,  1.9064,  1.9064,  ...,  1.5982,  1.5297,  1.4612],
          ...,
          [-0.8849, -0.8507, -0.7993,  ..., -1.6213, -1.6213, -1.6213],
          [-0.8678, -0.8335, -0.7650,  ..., -1.6213, -1.6213, -1.6213],
          [-0.7822, -0.7650, -0.7137,  ..., -1.6213, -1.6213, -1.6213]],

         [[ 2.0784,  2.0784,  2.0784,  ...,  2.0784,  2.0784,  2.0784],
          [ 2.0784,  2.0784,  2.0784,  ...,  2.0784,  2.0609,  2.0609],
          [ 2.0784,  2.0784,  2.0784,  ...,  2.0609,  2.0084,  1.9734],
          ...,
          [-0.7227, -0.6877, -0.6352,  ..., -1.5280, -1.5280, -1.5280],
          [-0.7227, -0.6702, -0.6001,  ..., -1.5280, -1.5280, -1.5280],
          [-0.6176, -0.6001, -0.5476,  ..., -1.5280, -1.5280, -1.5280]],

         [[ 2.2914,  2.2914,  2.2914,  ...,  1.9428,  1.9603,  1.9777],
          [ 2.2914,  2.2914,  2.2914,  ...,  1.8557,  1.8731,  1.9080],
          [ 2.2914,  2.2914,  2.2914,  ...,  1.8383,  1.7685,  1.6988],
          ...,
          [-0.6193, -0.6018, -0.5495,  ..., -1.2990, -1.2990, -1.2990],
          [-0.6193, -0.5670, -0.4973,  ..., -1.2990, -1.2990, -1.2990],
          [-0.4973, -0.4798, -0.4450,  ..., -1.2990, -1.2990, -1.2990]]]])
boxes----> [tensor([[0.0000, 0.0451, 1.0000, 1.0000]]), tensor([[0.1809, 0.0000, 1.0000, 0.8512]])]
labels----> [tensor([7]), tensor([19])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-1.9809, -2.0152, -1.9980,  ..., -1.9809, -2.0152, -1.8953],
          [-2.0152, -2.0152, -1.9980,  ..., -1.9980, -1.9638, -1.9980],
          [-1.9980, -1.9980, -1.9980,  ..., -1.9809, -1.9809, -1.9809],
          ...,
          [-2.0152, -2.0152, -1.9809,  ..., -1.9809, -1.9809, -1.9809],
          [-1.9809, -1.9809, -1.9980,  ..., -2.0152, -1.9980, -1.9809],
          [-1.9638, -1.9295, -1.9638,  ..., -2.0323, -2.0323, -1.9980]],

         [[-1.8957, -1.8957, -1.8782,  ..., -1.8256, -1.8256, -1.6856],
          [-1.8957, -1.8957, -1.8782,  ..., -1.8606, -1.8081, -1.8606],
          [-1.8782, -1.8782, -1.8782,  ..., -1.8606, -1.8431, -1.8431],
          ...,
          [-1.9307, -1.9307, -1.8957,  ..., -1.8782, -1.8782, -1.8606],
          [-1.9132, -1.8957, -1.8957,  ..., -1.8782, -1.8606, -1.8431],
          [-1.8957, -1.8782, -1.8782,  ..., -1.8782, -1.8782, -1.8606]],

         [[-1.6476, -1.6302, -1.6476,  ..., -1.6302, -1.6824, -1.5604],
          [-1.6999, -1.6824, -1.6824,  ..., -1.6476, -1.6302, -1.6824],
          [-1.6824, -1.6824, -1.6824,  ..., -1.6302, -1.6650, -1.6650],
          ...,
          [-1.6302, -1.6302, -1.6650,  ..., -1.6302, -1.6999, -1.7173],
          [-1.6476, -1.6476, -1.6999,  ..., -1.6476, -1.6999, -1.7173],
          [-1.7173, -1.6999, -1.7173,  ..., -1.6476, -1.6999, -1.7173]]]])
boxes----> [tensor([[0.6467, 0.6462, 0.7168, 0.6764]]), tensor([[0.6420, 0.4669, 0.7920, 0.5663],
        [0.8220, 0.4699, 0.9080, 0.5633]])]
labels----> [tensor([7]), tensor([7, 7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0, 0], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.7137, -1.2103, -1.5699,  ..., -1.7925, -1.7925, -1.7069],
          [-0.8849, -0.9192, -1.5185,  ..., -1.8097, -1.8097, -1.7412],
          [-1.0390, -0.7479, -1.4672,  ..., -1.7925, -1.8268, -1.7583],
          ...,
          [-1.6898, -1.6727, -1.6555,  ..., -1.8610, -1.8268, -1.8953],
          [-1.7583, -1.7412, -1.7069,  ..., -2.0323, -2.0323, -2.0323],
          [-1.7754, -1.7583, -1.7583,  ..., -2.0665, -2.0837, -2.0837]],

         [[-0.6001, -1.1078, -1.4755,  ..., -1.7031, -1.7031, -1.6155],
          [-0.7752, -0.8102, -1.4230,  ..., -1.7206, -1.7206, -1.6506],
          [-0.9328, -0.6352, -1.3704,  ..., -1.7031, -1.7381, -1.6681],
          ...,
          [-1.5980, -1.5805, -1.5630,  ..., -1.7731, -1.7381, -1.8081],
          [-1.6681, -1.6506, -1.6155,  ..., -1.9482, -1.9482, -1.9482],
          [-1.6856, -1.6681, -1.6681,  ..., -1.9832, -2.0007, -2.0007]],

         [[-0.3753, -0.8807, -1.2467,  ..., -1.4733, -1.4733, -1.3861],
          [-0.5495, -0.5844, -1.1944,  ..., -1.4907, -1.4907, -1.4210],
          [-0.7064, -0.4101, -1.1421,  ..., -1.4733, -1.5081, -1.4384],
          ...,
          [-1.3687, -1.3513, -1.3339,  ..., -1.5430, -1.5081, -1.5779],
          [-1.4384, -1.4210, -1.3861,  ..., -1.7173, -1.7173, -1.7173],
          [-1.4559, -1.4384, -1.4384,  ..., -1.7522, -1.7696, -1.7696]]]])
boxes----> [tensor([[0.5177, 0.7631, 0.5381, 0.7795]]), tensor([[0.5500, 0.1627, 0.6920, 0.2560]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([1], dtype=torch.uint8)]
images----> tensor([[[[-0.0116, -0.0116, -0.0116,  ...,  2.0605,  2.0777,  1.9920],
          [-0.0116, -0.0116, -0.0116,  ...,  2.0605,  1.9407,  2.0263],
          [-0.0116, -0.0116, -0.0116,  ...,  1.9578,  0.2282,  1.7523],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ...,  2.2535,  2.3060,  2.3235],
          [-0.0049, -0.0049, -0.0049,  ...,  2.3060,  2.1660,  2.3235],
          [-0.0049, -0.0049, -0.0049,  ...,  2.2535,  0.3803,  1.9384],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ...,  2.5006,  2.5180,  2.5529],
          [-0.0092, -0.0092, -0.0092,  ...,  2.5529,  2.3611,  2.4831],
          [-0.0092, -0.0092, -0.0092,  ...,  2.5529,  0.5659,  1.9428],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]],


        [[[-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          ...,
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116],
          [-0.0116, -0.0116, -0.0116,  ..., -0.0116, -0.0116, -0.0116]],

         [[-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          ...,
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049],
          [-0.0049, -0.0049, -0.0049,  ..., -0.0049, -0.0049, -0.0049]],

         [[-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          ...,
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092],
          [-0.0092, -0.0092, -0.0092,  ..., -0.0092, -0.0092, -0.0092]]]])
boxes----> [tensor([[0.5110, 0.2254, 0.9969, 0.6986]]), tensor([[0.4264, 0.2527, 0.9979, 0.4446]])]
labels----> [tensor([7]), tensor([7])]
difficulties----> [tensor([0], dtype=torch.uint8), tensor([0], dtype=torch.uint8)]

Loss

ssd的loss分为两部分,置信度误差confidence loss和位置location loss. 其中,confidence loss是对bbox的分类误差,使用cross entropy loss;而location是bbox的位置与ground truth的回归误差,使用smooth l1 loss.

对于location loss, 公式如下图, 其中$g_j^{cx}$, $g_j^{cx}$, $g_j^{w}$, $g_j^{h}$ 是第j个groud truth bbox的4个位置值(中心点x,y坐标以及bbox的宽,高). $d_i^{cx}$, $d_i^{cx}$, $d_i^{w}$, $d_i^{h}$ 则是第i个先验框(prior)的4个位置值(中心点x,y坐标以及bbox的宽,高). 而 $\hat{g}_j^{cx}$, $\hat{g}_j^{cx}$, $\hat{g}_j^{w}$, $\hat{g}_j^{h}$ 是由ground truth bbox j和 先验框(prior) i 算出的transform(或者叫offset)值.

$$ \hat{g}_{j}^{c x}=\left(g_{j}^{c x}-d_{i}^{c x}\right) / d_{i}^{w}, \hat{g}_{j}^{c y}=\left(g_{j}^{c y}-d_{i}^{c y}\right) / d_{i}^{h} $$$$ \hat{g}_{j}^{w}=\log \left(\frac{g_{j}^{w}}{d_{i}^{w}}\right), \hat{g}_{j}^{h}=\log \left(\frac{g_{j}^{h}}{d_{i}^{h}}\right) $$

我们的目的是使得我们的CNN网络学习到这些transform(或者叫offset)值(即让输出的loc值逼近它们), 而当模型训练好后,进行目标检测时,我们只要将CNN输出的loc值与先验框(prior)的位置值做一个decode即可.在decode时, 公式如下,其中对于第i个prior,$d_i^{cx}$, $d_i^{cx}$, $d_i^{w}$, $d_i^{h}$是prior的位置值,$l_{i}^{cx}$, $l_{i}^{cy}$, $l_{i}^{w}$, $l_{i}^{h}$是我们模型输出的transform/offset值, $b_{i}^{cx}$, $b_{i}^{cy}$, $b_{i}^{w}$, $b_{i}^{h}$是我们检测到的物体对应图片的位置值.

$$ b_{i}^{w}=d_{i}^{w}\exp{(l_{i}^{w})}, b_{i}^{h}=d_{i}^{h}\exp{(l_{i}^{h})} $$$$ b_{i}^{cx}=d_{i}^{w}l^{cx} + d_{i}^{cx}, b_{i}^{cy}= d_{i}^{h}l^{cy} + d_{i}^{cy} $$

location loss的公式如下,其中,$l^{m},m\in\{cx, cy, w, h\}$表示CNN对于每个先验框输出的loc值, $\hat{g}^{m}$表示由ground truth box j与先验框i算出的transform值. $x_{ij}^k \in \{0,1\}$是一个指示参数, $x_{ij}^k=1$时表示先验框i与ground truth box j匹配,且ground truth box j的类别为k. 这里使用smooth l1 loss来是模型学习到的loc值逼近由先验框与ground truth box得到的transform值.其中,Pos表示非背景的先验框的集合(计算每个prior与每个ground truth box的IOU,最大的IOU小于某个阈值的prior可以视为Negative(背景), 反之视为Positive(非背景)).

$$ L_{l o c}(x, l, g)=\sum_{i \in P o s}^{N} \quad \sum_{m \in\{c x, c y, w, h\}} x_{i j}^{k} \operatorname{smooth}_{\mathrm{Ll}}\left(l_{i}^{m}-\hat{g}_{j}^{m}\right) $$

对于confidence loss, 如下图, $x_{ij}^p \in \{0,1\}$是一个指示参数, $x_{ij}^p=1$时表示先验框i与ground truth box j,且ground truth box j的类别为p(即label).这里直接使用cross entropy loss来计算它们的置信度误差. $\vec{c_i}$表示对于先验框i模型输出的(经过softmax)在每个类上的置信度输出.其中,Pos表示非背景的先验框的集合,而Neg表示为背景的先验框的集合. \begin{equation*} L_{conf} = \sum_{i \in Pos}x_{ij}^pCrossEntropy(\vec{c_i}, p) + \sum_{i \in Neg}CrossEntropy(\vec{c_i}, 0) \end{equation*}

在一般情况下,由于在目标检测中,背景的先验框的数量会远大于有object的先验框的数量,为了解决这个问题,在SSD的代码中使用了hard negative mining.即只选择negative(视为背景的prior)中选择loss值较大的项.


In [4]:
import torch.nn as nn
class MultiBoxLoss(nn.Module):
    """
    The MultiBox loss, a loss function for object detection.

    This is a combination of:
    (1) a localization loss for the predicted locations of the boxes, and
    (2) a confidence loss for the predicted class scores.
    """

    def __init__(self, priors_cxcy, threshold=0.5, neg_pos_ratio=3, alpha=1.):
        super(MultiBoxLoss, self).__init__()
        self.priors_cxcy = priors_cxcy
        self.priors_xy = cxcy_to_xy(priors_cxcy)
        self.threshold = threshold
        self.neg_pos_ratio = neg_pos_ratio
        self.alpha = alpha

        self.smooth_l1 = nn.SmoothL1Loss()
        self.cross_entropy = nn.CrossEntropyLoss(reduce=False)

    def forward(self, predicted_locs, predicted_scores, boxes, labels):
        """
        Forward propagation.

        :param predicted_locs: predicted locations/boxes w.r.t the 8732 prior boxes, a tensor of dimensions (N, 8732, 4)
        :param predicted_scores: class scores for each of the encoded locations/boxes, a tensor of dimensions (N, 8732, n_classes)
        :param boxes: true  object bounding boxes in boundary coordinates, a list of N tensors
        :param labels: true object labels, a list of N tensors
        :return: multibox loss, a scalar
        """
        batch_size = predicted_locs.size(0)
        n_priors = self.priors_cxcy.size(0)
        n_classes = predicted_scores.size(2)

        assert n_priors == predicted_locs.size(1) == predicted_scores.size(1)

        true_locs = torch.zeros((batch_size, n_priors, 4), dtype=torch.float).to(device)  # (N, 8732, 4)
        true_classes = torch.zeros((batch_size, n_priors), dtype=torch.long).to(device)  # (N, 8732)

        # For each image
        for i in range(batch_size):
            n_objects = boxes[i].size(0)

            overlap = find_jaccard_overlap(boxes[i],
                                           self.priors_xy)  # (n_objects, 8732)

            # For each prior, find the object that has the maximum overlap
            overlap_for_each_prior, object_for_each_prior = overlap.max(dim=0)  # (8732)

            # We don't want a situation where an object is not represented in our positive (non-background) priors -
            # 1. An object might not be the best object for all priors, and is therefore not in object_for_each_prior.
            # 2. All priors with the object may be assigned as background based on the threshold (0.5).

            # To remedy this -
            # First, find the prior that has the maximum overlap for each object.
            _, prior_for_each_object = overlap.max(dim=1)  # (N_o)

            # Then, assign each object to the corresponding maximum-overlap-prior. (This fixes 1.)
            object_for_each_prior[prior_for_each_object] = torch.LongTensor(range(n_objects)).to(device)

            # To ensure these priors qualify, artificially give them an overlap of greater than 0.5. (This fixes 2.)
            overlap_for_each_prior[prior_for_each_object] = 1.

            # Labels for each prior
            label_for_each_prior = labels[i][object_for_each_prior]  # (8732)
            # Set priors whose overlaps with objects are less than the threshold to be background (no object)
            label_for_each_prior[overlap_for_each_prior < self.threshold] = 0  # (8732)

            # Store
            true_classes[i] = label_for_each_prior

            # Encode center-size object coordinates into the form we regressed predicted boxes to
            true_locs[i] = cxcy_to_gcxgcy(xy_to_cxcy(boxes[i][object_for_each_prior]), self.priors_cxcy)  # (8732, 4)

        # Identify priors that are positive (object/non-background)
        positive_priors = true_classes != 0  # (N, 8732)

        # LOCALIZATION LOSS

        # Localization loss is computed only over positive (non-background) priors
        loc_loss = self.smooth_l1(predicted_locs[positive_priors], true_locs[positive_priors])  # (), scalar

        # Note: indexing with a torch.uint8 (byte) tensor flattens the tensor when indexing is across multiple dimensions (N & 8732)
        # So, if predicted_locs has the shape (N, 8732, 4), predicted_locs[positive_priors] will have (total positives, 4)

        # CONFIDENCE LOSS

        # Confidence loss is computed over positive priors and the most difficult (hardest) negative priors in each image
        # That is, FOR EACH IMAGE,
        # we will take the hardest (neg_pos_ratio * n_positives) negative priors, i.e where there is maximum loss
        # This is called Hard Negative Mining - it concentrates on hardest negatives in each image, and also minimizes pos/neg imbalance

        # Number of positive and hard-negative priors per image
        n_positives = positive_priors.sum(dim=1)  # (N)
        n_hard_negatives = self.neg_pos_ratio * n_positives  # (N)

        # First, find the loss for all priors
        conf_loss_all = self.cross_entropy(predicted_scores.view(-1, n_classes), true_classes.view(-1))  # (N * 8732)
        conf_loss_all = conf_loss_all.view(batch_size, n_priors)  # (N, 8732)

        # We already know which priors are positive
        conf_loss_pos = conf_loss_all[positive_priors]  # (sum(n_positives))

        # Next, find which priors are hard-negative
        # To do this, sort ONLY negative priors in each image in order of decreasing loss and take top n_hard_negatives
        conf_loss_neg = conf_loss_all.clone()  # (N, 8732)
        conf_loss_neg[positive_priors] = 0.  # (N, 8732), positive priors are ignored (never in top n_hard_negatives)
        conf_loss_neg, _ = conf_loss_neg.sort(dim=1, descending=True)  # (N, 8732), sorted by decreasing hardness
        hardness_ranks = torch.LongTensor(range(n_priors)).unsqueeze(0).expand_as(conf_loss_neg).to(device)  # (N, 8732)
        hard_negatives = hardness_ranks < n_hard_negatives.unsqueeze(1)  # (N, 8732)
        conf_loss_hard_neg = conf_loss_neg[hard_negatives]  # (sum(n_hard_negatives))

        # As in the paper, averaged over positive priors only, although computed over both positive and hard-negative priors
        conf_loss = (conf_loss_hard_neg.sum() + conf_loss_pos.sum()) / n_positives.sum().float()  # (), scalar

        
        return conf_loss + self.alpha * loc_loss

模型训练

目标检测模型的训练过程和分类模型的主要区别体现在loss函数输入的区别,一般的分类模型的loss函数输入的是(预测结果,标签),而ssd算法的loss函数输入的是(预测框的数值,预测分类的分数,ground_truth框,分类标签)
注意:以下代码是简化版的train()函数,省略了对其他数据的一些统计操作,主要是为了让大家理解对比ssd和分类网络训练过程中的异同点。

请勿运行train_model()函数!!!


In [ ]:
def train_model(train_loader, model, criterion, optimizer, epoch):
    """
    One epoch's training.

    :param train_loader: DataLoader for training data
    :param model: model
    :param criterion: MultiBox loss
    :param optimizer: optimizer
    :param epoch: epoch number
    """
    model.train()  # training mode enables dropout

    # Batches
    for i, (images, boxes, labels, _) in enumerate(train_loader):

        # Move to default device
        images = images.to(device)  # (batch_size (N), 3, 300, 300)
        boxes = [b.to(device) for b in boxes]
        labels = [l.to(device) for l in labels]

        # Forward prop.
        predicted_locs, predicted_scores = model(images)  # (N, 8732, 4), (N, 8732, n_classes)

        # Loss
        '''TODO'''
        loss = criterion(predicted_locs, predicted_scores, boxes, labels)  # scalar

        # Backward prop.
        '''TODO'''
        optimizer.zero_grad()
        loss.backward()

        # Update model
        '''TODO'''
        optimizer.step()

        # Print status
        if i % print_freq == 0:
            print('Loss {loss.val:.4f} ({loss.avg:.4f})\t'.format( loss=losses))
    # free some memory since their histories may be stored
    del predicted_locs, predicted_scores, images, boxes, labels

作业:

请补充完整训练过程中缺少的代码(回忆第三周训练一个简单的分类网络的步骤)
补充:
loss函数缺少的参数(阅读上面loss函数的代码,理解需要计算loss需要参数)
反向传播
更新模型的参数

模型的参数初始化


In [6]:
import time
import torch.backends.cudnn as cudnn
import torch.optim
import torch.utils.data
from model import SSD300, MultiBoxLoss
from datasets import PascalVOCDataset
from utils import *
from utils1 import *

data_folder = './json1'  # folder with data files
keep_difficult = True  # use objects considered difficult to detect?

# Model parameters
# Not too many here since the SSD300 has a very specific structure
n_classes = len(label_map)  # number of different types of objects
device = torch.device("cuda:2" if torch.cuda.is_available() else "cpu")

# Learning parameters
checkpoint = None  # path to model checkpoint, None if none
batch_size = 2  # batch size
start_epoch = 0  # start at this epoch
epochs = 3  # number of epochs to run without early-stopping
epochs_since_improvement = 0  # number of epochs since there was an improvement in the validation metric
best_loss = 100.  # assume a high loss at first
workers = 1  # number of workers for loading data in the DataLoader
print_freq = 20  # print training or validation status every __ batches
lr = 1e-3  # learning rate
momentum = 0.9  # momentum
weight_decay = 5e-4  # weight decay
grad_clip = None  # clip if gradients are exploding, which may happen at larger batch sizes (sometimes at 32) - you will recognize it by a sorting error in the MuliBox loss calculation

cudnn.benchmark = True

模型的训练以及评估

此部分是整个项目的主体结构


In [7]:
def main():
    """
    Training and validation.
    """
    global epochs_since_improvement, start_epoch, label_map, best_loss, epoch, checkpoint
    
    optimizer, model = init_optimizer_and_model()
    
    # Move to default device
    model = model.to(device)
    criterion = MultiBoxLoss(priors_cxcy=model.priors_cxcy).to(device)
    
    # Epochs
    for epoch in range(start_epoch, epochs):
        # Paper describes decaying the learning rate at the 80000th, 100000th, 120000th 'iteration', i.e. model update or batch
        # The paper uses a batch size of 32, which means there were about 517 iterations in an epoch
        # Therefore, to find the epochs to decay at, you could do,
        # if epoch in {80000 // 517, 100000 // 517, 120000 // 517}:
        #     adjust_learning_rate(optimizer, 0.1)

        # In practice, I just decayed the learning rate when loss stopped improving for long periods,
        # and I would resume from the last best checkpoint with the new learning rate,
        # since there's no point in resuming at the most recent and significantly worse checkpoint.
        # So, when you're ready to decay the learning rate, just set checkpoint = 'BEST_checkpoint_ssd300.pth.tar' above
        # and have adjust_learning_rate(optimizer, 0.1) BEFORE this 'for' loop

        # One epoch's training
        train(train_loader=train_loader,
              model=model,
              criterion=criterion,
              optimizer=optimizer,
              epoch=epoch)

        # One epoch's validation
        val_loss = validate(val_loader=val_loader,
                            model=model,
                            criterion=criterion)

        # Did validation loss improve?
        is_best = val_loss < best_loss
        best_loss = min(val_loss, best_loss)

        if not is_best:
            epochs_since_improvement += 1
            print("\nEpochs since last improvement: %d\n" % (epochs_since_improvement,))

        else:
            epochs_since_improvement = 0

        # Save checkpoint
        save_checkpoint(epoch, epochs_since_improvement, model, optimizer, val_loss, best_loss, is_best)
        
if __name__ == '__main__':
    main()


Loaded base model.

/opt/conda/lib/python3.6/site-packages/torch/nn/_reduction.py:49: UserWarning: size_average and reduce args will be deprecated, please use reduction='none' instead.
  warnings.warn(warning.format(ret))
Epoch: [0][0/100]	Batch Time 8.571 (8.571)	Data Time 0.326 (0.326)	Loss 19.5050 (19.5050)	
[0/100]	Batch Time 0.557 (0.557)	Loss 21.5881 (21.5881)	

 * LOSS - 18.171

Epoch: [1][0/100]	Batch Time 0.338 (0.338)	Data Time 0.269 (0.269)	Loss 19.3107 (19.3107)	
[0/100]	Batch Time 0.117 (0.117)	Loss 4.1950 (4.1950)	

 * LOSS - 13.051

Epoch: [2][0/100]	Batch Time 0.188 (0.188)	Data Time 0.126 (0.126)	Loss 4.0797 (4.0797)	
[0/100]	Batch Time 0.124 (0.124)	Loss 3.8275 (3.8275)	

 * LOSS - 12.865

目标检测

将训练好的模型用以检测图片中的物体并分类,用bounding_box显示出 修改img_path变量,改变要检测的图片
测试集可用的图片从./json1/TEST_images.json


In [11]:
from detect import *
from PIL import Image
from torchvision import transforms
from matplotlib import pyplot as plt

if __name__ == '__main__':
    img_path = './data1/VOC2007/JPEGImages/000220.jpg'
    original_image = Image.open(img_path, mode='r')
    original_image = original_image.convert('RGB')
    img = detect(original_image, min_score=0.2, max_overlap=0.5, top_k=200)
    plt.imshow(img)
    plt.show()


作业:

查看源码中各个参数的具体含义之后,尝试修改min_score ,max_overlap, top_k三个参数值,分析改动三个参数之后检测结果的变化。

答:

可以观察到,min_score调小之后,匹配的物体数量增多了,min_score调大之后,匹配的物体数量增多了。 因为它是考虑匹配的最小阈值,越小则可能匹配的概率越大。

max_overlap越大,匹配的物体数量越多,max_overlap越小,匹配的物体数量越少。该值影响物体之间的覆盖层度,越大则匹配出多个物体的概率越大。

top_k越大,匹配的物体数越多,top_k越小,匹配的物体数越少。在改动该参数时,需要将max_overlap调高,不然很难看出效果。


In [13]:
img_path = './data1/VOC2007/JPEGImages/000220.jpg'
original_image = Image.open(img_path, mode='r')
original_image = original_image.convert('RGB')
img = detect(original_image, min_score=0.1, max_overlap=0.5, top_k=200)
plt.imshow(img)
plt.show()



In [14]:
img_path = './data1/VOC2007/JPEGImages/000220.jpg'
original_image = Image.open(img_path, mode='r')
original_image = original_image.convert('RGB')
img = detect(original_image, min_score=0.3, max_overlap=0.5, top_k=200)
plt.imshow(img)
plt.show()



In [15]:
img_path = './data1/VOC2007/JPEGImages/000220.jpg'
original_image = Image.open(img_path, mode='r')
original_image = original_image.convert('RGB')
img = detect(original_image, min_score=0.2, max_overlap=0.3, top_k=200)
plt.imshow(img)
plt.show()



In [16]:
img_path = './data1/VOC2007/JPEGImages/000220.jpg'
original_image = Image.open(img_path, mode='r')
original_image = original_image.convert('RGB')
img = detect(original_image, min_score=0.2, max_overlap=0.7, top_k=200)
plt.imshow(img)
plt.show()



In [30]:
img_path = './data1/VOC2007/JPEGImages/000233.jpg'
original_image = Image.open(img_path, mode='r')
original_image = original_image.convert('RGB')
img = detect(original_image, min_score=0.2, max_overlap=1, top_k=10)
plt.imshow(img)
plt.show()



In [32]:
img_path = './data1/VOC2007/JPEGImages/000233.jpg'
original_image = Image.open(img_path, mode='r')
original_image = original_image.convert('RGB')
img = detect(original_image, min_score=0.2, max_overlap=1, top_k=20)
plt.imshow(img)
plt.show()


模型评估

计算模型分类的准确率,由于我们的数据集做了删减,只使用了VOC中的两类,因此只有两类会有准确率,其他类准确率为0


In [37]:
from eval import *
if __name__ == '__main__':
    evaluate(test_loader, model)



Evaluating:   0%|          | 0/100 [00:00<?, ?it/s]

Evaluating:   1%|          | 1/100 [00:00<00:22,  4.38it/s]

Evaluating:   3%|▎         | 3/100 [00:00<00:17,  5.60it/s]

Evaluating:   5%|▌         | 5/100 [00:00<00:13,  6.88it/s]

Evaluating:   7%|▋         | 7/100 [00:00<00:11,  8.10it/s]

Evaluating:   9%|▉         | 9/100 [00:00<00:09,  9.30it/s]

Evaluating:  11%|█         | 11/100 [00:00<00:08, 10.27it/s]

Evaluating:  13%|█▎        | 13/100 [00:01<00:07, 11.34it/s]

Evaluating:  15%|█▌        | 15/100 [00:01<00:06, 12.82it/s]

Evaluating:  18%|█▊        | 18/100 [00:01<00:05, 13.92it/s]

Evaluating:  20%|██        | 20/100 [00:01<00:05, 14.77it/s]

Evaluating:  22%|██▏       | 22/100 [00:01<00:05, 14.01it/s]

Evaluating:  24%|██▍       | 24/100 [00:01<00:06, 12.14it/s]

Evaluating:  26%|██▌       | 26/100 [00:01<00:06, 12.07it/s]

Evaluating:  28%|██▊       | 28/100 [00:02<00:05, 13.55it/s]

Evaluating:  30%|███       | 30/100 [00:02<00:04, 14.67it/s]

Evaluating:  32%|███▏      | 32/100 [00:02<00:04, 14.44it/s]

Evaluating:  34%|███▍      | 34/100 [00:02<00:04, 15.49it/s]

Evaluating:  36%|███▌      | 36/100 [00:02<00:04, 15.48it/s]

Evaluating:  38%|███▊      | 38/100 [00:02<00:03, 15.91it/s]

Evaluating:  40%|████      | 40/100 [00:02<00:03, 16.37it/s]

Evaluating:  42%|████▏     | 42/100 [00:02<00:03, 15.74it/s]

Evaluating:  44%|████▍     | 44/100 [00:03<00:03, 15.75it/s]

Evaluating:  46%|████▌     | 46/100 [00:03<00:03, 15.20it/s]

Evaluating:  48%|████▊     | 48/100 [00:03<00:03, 15.74it/s]

Evaluating:  50%|█████     | 50/100 [00:03<00:03, 15.96it/s]

Evaluating:  52%|█████▏    | 52/100 [00:03<00:03, 15.41it/s]

Evaluating:  54%|█████▍    | 54/100 [00:03<00:03, 14.71it/s]

Evaluating:  56%|█████▌    | 56/100 [00:03<00:03, 13.23it/s]

Evaluating:  58%|█████▊    | 58/100 [00:04<00:02, 14.47it/s]

Evaluating:  60%|██████    | 60/100 [00:04<00:02, 13.99it/s]

Evaluating:  62%|██████▏   | 62/100 [00:04<00:02, 14.35it/s]

Evaluating:  64%|██████▍   | 64/100 [00:04<00:02, 13.40it/s]

Evaluating:  66%|██████▌   | 66/100 [00:04<00:02, 13.21it/s]

Evaluating:  68%|██████▊   | 68/100 [00:04<00:02, 14.05it/s]

Evaluating:  70%|███████   | 70/100 [00:04<00:02, 12.99it/s]

Evaluating:  72%|███████▏  | 72/100 [00:05<00:01, 14.19it/s]

Evaluating:  74%|███████▍  | 74/100 [00:05<00:01, 13.79it/s]

Evaluating:  76%|███████▌  | 76/100 [00:05<00:01, 14.78it/s]

Evaluating:  78%|███████▊  | 78/100 [00:05<00:01, 15.28it/s]

Evaluating:  80%|████████  | 80/100 [00:05<00:01, 16.35it/s]

Evaluating:  82%|████████▏ | 82/100 [00:05<00:01, 13.70it/s]

Evaluating:  84%|████████▍ | 84/100 [00:05<00:01, 13.65it/s]

Evaluating:  86%|████████▌ | 86/100 [00:06<00:00, 14.99it/s]

Evaluating:  88%|████████▊ | 88/100 [00:06<00:00, 15.34it/s]

Evaluating:  90%|█████████ | 90/100 [00:06<00:00, 15.11it/s]

Evaluating:  92%|█████████▏| 92/100 [00:06<00:00, 15.47it/s]

Evaluating:  94%|█████████▍| 94/100 [00:06<00:00, 16.01it/s]

Evaluating:  96%|█████████▌| 96/100 [00:06<00:00, 14.66it/s]

Evaluating:  98%|█████████▊| 98/100 [00:06<00:00, 15.20it/s]

Evaluating: 100%|██████████| 100/100 [00:06<00:00, 15.26it/s]
{'aeroplane': 0.0,
 'bicycle': 0.0,
 'bird': 0.0,
 'boat': 0.0,
 'bottle': 0.0,
 'bus': 0.0,
 'car': 0.7861409783363342,
 'cat': 0.0,
 'chair': 0.0,
 'cow': 0.0,
 'diningtable': 0.0,
 'dog': 0.0,
 'horse': 0.0,
 'motorbike': 0.0,
 'person': 0.0,
 'pottedplant': 0.0,
 'sheep': 0.0,
 'sofa': 0.0,
 'train': 0.4628099203109741,
 'tvmonitor': 0.0}

Mean Average Precision (mAP): 0.062

关于代码部分的补充

以上代码是从源码中提取出来,并且做了一些必要的修改之后的内容,主要是为了能够将目标检测任务的训练,评估,检测的过程以较为清晰的逻辑结构展示给大家。如果同学们已经基本掌握了以上内容,我们更推荐重启kernel之后,用以下方式来运行代码:


In [2]:
import train

# train model
# Setting the parameters you want in train.py file
train.main()

In [ ]:
import detect
# detect
# Setting the parameters you want in detect.py file
detect.main()

In [ ]:
import eval

# evaluate the model
eval.main()

课后阅读部分

此部分是提供想要进一步了解ssd算法,有兴趣做目标检测任务的同学一些在代码方面更详细的解释,由于目标检测任务过程中会使用到非常多的数据处理,统计的工具函数,而此部分内容又基本都放在了utils.py文件中,因此我们将该文件做了一个大致的介绍,并且挑选出比较重要的部分为大家详细解释。

utils.py文件解读

  • 包括的函数有parse_annotation(), create_data_lists(), decimate(), calculate_mAP(), xy_to_cxcy(), cxcy_to_xy(), cxcy_to_gcxgcy(), gcxgcy_to_cxcy(), find_intersection(), find_jaccard_overlap(), expand(), random_crop(), flip(), resize(), photometric_distort(), transform(), adjust_learning_rate(), accuracy(), save_checkpoint(), clip_gradient()等。
  • 其中有些函数这里就不详细讲了希望大家有兴趣的可以课下仔细阅读下,比如用于图像数据增强的函数expand(), random_crop(), flip(), resize(), photometric_distort(), transform(),这些函数不仅可以用于目标检测还可以用在分类等其他领域。
  • adjust_learning_rate(), accuracy(), save_checkpoint(), clip_gradient()等函数则是用于常规深度学习工具函数,这里也不再详细介绍。
  • parse_annotation()函数主要是辅助create_data_lists()这个函数完成VOC2007数据集XML文件解析的,而create_data_lists()函数则是解析原始VOC2007数据集生成对应实际训练中载入的Json文件即TRAIN_images.json, TRAIN_objects.json, TEST_images.json, TEST_objects.json, lable_map.json。
  • decimate()函数主要是在进行全连接层转化为卷积的时候进行间隔抽样,以达成空洞卷积的目的。

  • calculate_mAP()函数是计算mAP即Mean Average Precision,这一指标是近年来用来衡量目标检测算法性能的重要指标,它的核心原理如下:

    • 将所有的detection_box按detection_score进行排序
    • 计算每个detection_box与所有groundtruth_box的IOU
    • 取IOU最大(max_IOU)的groundtruth_box作为这个detection_box的预测结果是否正确的判断依据,然后根据max_IOU的结果判断预测结果是TP还是FP进而画出PR曲线,最后再在每一类上做平均得到mAP。
    • 一个不错的深入了解链接.mAP详解
  • find_intersection()以及find_jaccard_overlap()函数即为计算IoU的,这个在之前分割实验课上有介绍过。其实现如下:

In [3]:
def find_intersection(set_1, set_2):
    """
    Find the intersection of every box combination between two sets of boxes that are in boundary coordinates.

    :param set_1: set 1, a tensor of dimensions (n1, 4)
    :param set_2: set 2, a tensor of dimensions (n2, 4)
    :return: intersection of each of the boxes in set 1 with respect to each of the boxes in set 2, a tensor of dimensions (n1, n2)
    """

    # PyTorch auto-broadcasts singleton dimensions
    lower_bounds = torch.max(set_1[:, :2].unsqueeze(1), set_2[:, :2].unsqueeze(0))  # (n1, n2, 2)
    upper_bounds = torch.min(set_1[:, 2:].unsqueeze(1), set_2[:, 2:].unsqueeze(0))  # (n1, n2, 2)
    intersection_dims = torch.clamp(upper_bounds - lower_bounds, min=0)  # (n1, n2, 2)
    return intersection_dims[:, :, 0] * intersection_dims[:, :, 1]  # (n1, n2)

计算完相交的部分后,计算IoU便比较简单,只需要用相交部分除以相并的部分


In [4]:
def find_jaccard_overlap(set_1, set_2):
    """
    Find the Jaccard Overlap (IoU) of every box combination between two sets of boxes that are in boundary coordinates.

    :param set_1: set 1, a tensor of dimensions (n1, 4)
    :param set_2: set 2, a tensor of dimensions (n2, 4)
    :return: Jaccard Overlap of each of the boxes in set 1 with respect to each of the boxes in set 2, a tensor of dimensions (n1, n2)
    """

    # Find intersections
    intersection = find_intersection(set_1, set_2)  # (n1, n2)

    # Find areas of each box in both sets
    areas_set_1 = (set_1[:, 2] - set_1[:, 0]) * (set_1[:, 3] - set_1[:, 1])  # (n1)
    areas_set_2 = (set_2[:, 2] - set_2[:, 0]) * (set_2[:, 3] - set_2[:, 1])  # (n2)

    # Find the union
    # PyTorch auto-broadcasts singleton dimensions
    union = areas_set_1.unsqueeze(1) + areas_set_2.unsqueeze(0) - intersection  # (n1, n2)

    return intersection / union  # (n1, n2)

非极大值抑制(Non-Maximum Suppression,NMS)

NMS是目标检测的重要算法,它的作用是用来去掉模型预测后的多余框。如下图所示:

  • NMS算法处理前
  • NMS算法处理后

  • 算法流程

    • 设定一个阈值IOU假设为0.5,选取每一类box中scores最大的那一个,记为box_best,并保留它
    • 计算box_best与其余的box的IOU,如果其IOU>0.5了,那么就舍弃这个box(由于可能这两个box表示同一目标,所以保留分数高的哪一个)
    • 从最后剩余的boxes中,再找出最大scores的哪一个,如此循环往复
  • 一个简单的例子

    • 比如现在滑动窗口有:A、B、C、D、E、F、G、H、I、J个,假设A是得分最高的,IOU>0.7淘汰。 第一轮:与A计算IOU,BEG>0.7,剔除,剩余CDFHIJ 第二轮:假设CDFHIJ中F得分最高,与F计算IOU,DHI>0.7,剔除,剩余CJ 第三轮:假设CJ中C得分最高,J与C计算IOU,若结果>0.7,则AFC就是选择出来的窗口。
  • SSD中非极大值抑制的实现

In [5]:
def NMS(n_classes, predicted_scores, min_score, decoded_locs, max_overlap, image_boxes,  
        image_labels, image_scores):
    for c in range(1, n_classes):
        # Keep only predicted boxes and scores where scores for this class are above the minimum score
        class_scores = predicted_scores[i][:, c]  # (8732)
        score_above_min_score = class_scores > min_score  # torch.uint8 (byte) tensor, for indexing
        n_above_min_score = score_above_min_score.sum().item()
        if n_above_min_score == 0:
            continue
        class_scores = class_scores[score_above_min_score]  # (n_qualified), n_min_score <= 8732
        class_decoded_locs = decoded_locs[score_above_min_score]  # (n_qualified, 4)

        # Sort predicted boxes and scores by scores
        class_scores, sort_ind = class_scores.sort(dim=0, descending=True)  # (n_qualified), (n_min_score)
        class_decoded_locs = class_decoded_locs[sort_ind]  # (n_min_score, 4)

        # Find the overlap between predicted boxes
        overlap = find_jaccard_overlap(class_decoded_locs, class_decoded_locs)  # (n_qualified, n_min_score)

        # Non-Maximum Suppression (NMS)

        # A torch.uint8 (byte) tensor to keep track of which predicted boxes to suppress
        # 1 implies suppress, 0 implies don't suppress
        suppress = torch.zeros((n_above_min_score), dtype=torch.uint8).to(device)  # (n_qualified)

        # Consider each box in order of decreasing scores
        for box in range(class_decoded_locs.size(0)):
            # If this box is already marked for suppression
            if suppress[box] == 1:
                continue

            # Suppress boxes whose overlaps (with this box) are greater than maximum overlap
            # Find such boxes and update suppress indices
            suppress = torch.max(suppress, overlap[box] > max_overlap)
            # The max operation retains previously suppressed boxes, like an 'OR' operation

            # Don't suppress this box, even though it has an overlap of 1 with itself
            suppress[box] = 0

        # Store only unsuppressed boxes for this class
        image_boxes.append(class_decoded_locs[1 - suppress])
        image_labels.append(torch.LongTensor((1 - suppress).sum().item() * [c]).to(device))
        image_scores.append(class_scores[1 - suppress])

课后作业(不要求提交,有兴趣的同学可以去尝试一下)

  1. 实现并分析NMS算法 使用VOC2007或者VOC2012数据集中的任意一张图像,自己模拟目标检测中NMS函数的输入,即输入自己人工设置一些detection box(数量大于5,类别数大于等于2)的位置和大小同时给定任意的score。实现NMS算法的函数,并可视化NMS算法处理效果如上面的示例图。